diff --git a/LICENSE.md b/LICENSE.md
new file mode 100644
index 0000000000000000000000000000000000000000..9d5f2f9b2b609b8e8628051fea6a408de9d959dc
--- /dev/null
+++ b/LICENSE.md
@@ -0,0 +1,14 @@
+BSD 3-Clause License
+
+Copyright 2023 Deyao Zhu
+All rights reserved.
+
+Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met:
+
+1. Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer.
+
+2. Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution.
+
+3. Neither the name of the copyright holder nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission.
+
+THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT HOLDER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE.
diff --git a/LICENSE_Lavis.md b/LICENSE_Lavis.md
new file mode 100644
index 0000000000000000000000000000000000000000..9ba97919e5b9568c8b9c42ea85251f01049a220e
--- /dev/null
+++ b/LICENSE_Lavis.md
@@ -0,0 +1,14 @@
+BSD 3-Clause License
+
+Copyright (c) 2022 Salesforce, Inc.
+All rights reserved.
+
+Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met:
+
+1. Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer.
+
+2. Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution.
+
+3. Neither the name of Salesforce.com nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission.
+
+THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT HOLDER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE.
diff --git a/README.md b/README.md
index 40d6617d5259297212544c0c095162d9f01d181a..da675b11d0a4e06be733853882da02cb395c0c7c 100644
--- a/README.md
+++ b/README.md
@@ -1,13 +1,110 @@
----
-title: ProteinGPT Llama3
-emoji: 💬
-colorFrom: yellow
-colorTo: purple
-sdk: gradio
-sdk_version: 4.36.1
-app_file: app.py
-pinned: false
-license: mit
----
-
-An example chatbot using [Gradio](https://gradio.app), [`huggingface_hub`](https://huggingface.co/docs/huggingface_hub/v0.22.2/en/index), and the [Hugging Face Inference API](https://huggingface.co/docs/api-inference/index).
\ No newline at end of file
+# ProteinChat: Towards Enabling ChatGPT-Like Capabilities on Protein 3D Structures
+
+This repository holds the code and data of ProteinChat: Towards Enabling ChatGPT-Like Capabilities on Protein 3D Structures.
+
+## Technical report is available [here](https://www.techrxiv.org/articles/preprint/ProteinChat_Towards_Achieving_ChatGPT-Like_Functionalities_on_Protein_3D_Structures/23120606)
+
+## Examples
+
+![Eg1](fig/protein-eg.png)
+
+
+## Introduction
+- In this work, we make an initial attempt towards enabling ChatGPT-like capabilities on protein 3D structures, by developing a prototype system ProteinChat.
+- ProteinChat works in a similar way as ChatGPT. Users upload a protein 3D structure and ask various questions about this protein. ProteinChat will answer these questions in a multi-turn, interactive manner.
+- The ProteinChat system consists of a protein 3D structure encoder (based on [ESM inverse folding](https://github.com/facebookresearch/esm/tree/main/examples/inverse_folding)), a large language model (LLM), and an adaptor. The protein encoder takes a protein 3D structure as input and learns a representation for this protein. The adaptor transforms the protein representation produced by the protein encoder into another representation that is acceptable to the LLM. The LLM takes the representation transformed by the adaptor and users' questions about this protein as inputs and generates answers. All these components are trained end-to-end.
+- To train ProteinChat, we collected instruction tuning datasets which contain 143508 proteins and 143508 instructions.
+
+
+![overview](fig/proteinchat_overview.png)
+
+## Datasets
+
+The dataset contains 143508 proteins (represented using 3D structures) with 143508 instructions.
+The instruction set are available at [this link](https://drive.google.com/file/d/1iMgPyiIzpvXdKiNsXnRKn2YpmP92Xyub/view?usp=share_link).
+The processed protein files (83G in total) are available at [this link](https://drive.google.com/file/d/1AeJW5BY5C-d8mKJjAULTax6WA4hzWS0N/view?usp=share_link).
+The data is curated from the [Protein Data Bank](https://www.rcsb.org/). More details can be found [here](data/README.md).
+
+## Getting Started
+### Installation
+These instructions largely follow those in MiniGPT-4.
+
+**1. Prepare the code and the environment**
+
+Git clone our repository, creating a python environment and ativate it via the following command
+
+```bash
+git clone https://github.com/UCSD-AI4H/proteinchat
+cd proteinchat
+conda env create -f environment.yml
+conda activate proteinchat
+pip install einops
+```
+
+Verify the installation of `torch` and `torchvision` is successful by running `python -c "import torchvision; print(torchvision.__version__)"`. If it outputs the version number without any warnings or errors, then you are good to go. __If it outputs any warnings or errors__, try to uninstall `torch` by `conda uninstall pytorch torchvision torchaudio cudatoolkit` and then reinstall them following [here](https://pytorch.org/get-started/previous-versions/#v1121). You need to find the correct command according to the CUDA version your GPU driver supports (check `nvidia-smi`).
+
+**2. Prepare the pretrained Vicuna weights**
+
+The current version of ProteinChat is built on the v0 versoin of Vicuna-13B.
+Please refer to our instruction [here](PrepareVicuna.md)
+to prepare the Vicuna weights.
+The final weights would be in a single folder in a structure similar to the following:
+
+```
+vicuna_weights
+├── config.json
+├── generation_config.json
+├── pytorch_model.bin.index.json
+├── pytorch_model-00001-of-00003.bin
+...
+```
+
+Then, set the path to the vicuna weight in the model config file
+[here](minigpt4/configs/models/minigpt4.yaml#L16) at Line 16.
+
+### Training
+**You need roughly 45 GB GPU memory for the training.**
+
+The training configuration file is [configs/train_instruction_tuning.yaml](configs/train_instruction_tuning.yaml). In addition, you may want to change the number of epochs and other hyper-parameters there, such as `max_epoch`, `init_lr`, `min_lr`,`warmup_steps`, `batch_size_train`. Please adjust `iters_per_epoch` so that `iters_per_epoch` * `batch_size_train` = your training set size. Due to the GPU consumption, we set `batch_size_train=1`.
+
+Start training on LLaMA model with protein dataset by running [finetune.sh](finetune.sh) `bash finetune.sh`.
+
+**It takes around 24 GB GPU memory for the demo.**
+
+Find the checkpoint you save in the training process above, which is located under the folder `minigpt4/output/minigpt4_stage2_esm/` by default. Copy it to the folder `ckpt` by running `cp minigpt4/output/minigpt4_stage2_esm/.../checkpoint_xxx.pth`, and modify the `ckpt` entry in [configs/evaluation.yaml](configs/evaluation.yaml) to the location of your checkpoint.
+
+Now we launch the `demo.py` in our original environment. Then, start the demo [demo.sh](demo.sh) on your local machine by running `bash demo.sh`. Then, open the URL created by the demo and try it out!
+
+
+## Acknowledgement
+
++ [ProteinChat](https://github.com/UCSD-AI4H/proteinchat)
++ [MiniGPT-4](https://minigpt-4.github.io/)
++ [Lavis](https://github.com/salesforce/LAVIS)
++ [Vicuna](https://github.com/lm-sys/FastChat)
++ [ESM-IF1](https://github.com/facebookresearch/esm/tree/main/examples/inverse_folding)
+
+
+
+## License
+This repository is under [BSD 3-Clause License](LICENSE.md).
+Many codes are based on [MiniGPT-4](https://github.com/Vision-CAIR/MiniGPT-4) with BSD 3-Clause License [here](LICENSE_MiniGPT4.md), which is based on [Lavis](https://github.com/salesforce/LAVIS) with
+BSD 3-Clause License [here](LICENSE_Lavis.md).
+
+
+## Disclaimer
+
+This is a prototype system that has not been systematically and comprehensively validated by biologists yet. Please use with caution.
+
+Trained models and demo websites will be released after we thoroughly validate the system with biologists.
+
+
+## Citation
+
+If you're using ProteinChat in your research or applications, please cite using this BibTeX:
+```bibtex
+@article{guo2023proteinchat,
+ title={ProteinChat: Towards Enabling ChatGPT-Like Capabilities on Protein 3D Structures},
+ author={Guo, Han and Huo, Mingjia and Xie, Pengtao},
+ year={2023}
+}
diff --git a/app.py b/app.py
index 8b0d83c53577c9b40e59f392bbb0edf0305fa811..6fb85eb86861e82bdecab2f281f29172e73e500f 100644
--- a/app.py
+++ b/app.py
@@ -1,63 +1,126 @@
import gradio as gr
-from huggingface_hub import InferenceClient
-
-"""
-For more information on `huggingface_hub` Inference API support, please check the docs: https://huggingface.co/docs/huggingface_hub/v0.22.2/en/guides/inference
-"""
-client = InferenceClient("HuggingFaceH4/zephyr-7b-beta")
-
-
-def respond(
- message,
- history: list[tuple[str, str]],
- system_message,
- max_tokens,
- temperature,
- top_p,
-):
- messages = [{"role": "system", "content": system_message}]
-
- for val in history:
- if val[0]:
- messages.append({"role": "user", "content": val[0]})
- if val[1]:
- messages.append({"role": "assistant", "content": val[1]})
-
- messages.append({"role": "user", "content": message})
-
- response = ""
-
- for message in client.chat_completion(
- messages,
- max_tokens=max_tokens,
- stream=True,
- temperature=temperature,
- top_p=top_p,
- ):
- token = message.choices[0].delta.content
-
- response += token
- yield response
-
-"""
-For information on how to customize the ChatInterface, peruse the gradio docs: https://www.gradio.app/docs/chatinterface
-"""
-demo = gr.ChatInterface(
- respond,
- additional_inputs=[
- gr.Textbox(value="You are a friendly Chatbot.", label="System message"),
- gr.Slider(minimum=1, maximum=2048, value=512, step=1, label="Max new tokens"),
- gr.Slider(minimum=0.1, maximum=4.0, value=0.7, step=0.1, label="Temperature"),
- gr.Slider(
- minimum=0.1,
- maximum=1.0,
- value=0.95,
- step=0.05,
- label="Top-p (nucleus sampling)",
- ),
- ],
-)
-
-
-if __name__ == "__main__":
- demo.launch(share=True)
\ No newline at end of file
+import argparse
+import os
+import random
+import numpy as np
+import torch
+import torch.backends.cudnn as cudnn
+from minigpt4.common.config import Config
+from minigpt4.common.dist_utils import get_rank
+from minigpt4.common.registry import registry
+from minigpt4.conversation.conversation_esm import Chat, CONV_VISION
+import esm
+
+# ProteinGPT Initialization Function
+def initialize_chat(args):
+ cfg = Config(args)
+ model_config = cfg.model_cfg
+ model_config.device_8bit = 0
+ model_cls = registry.get_model_class(model_config.arch)
+ model = model_cls.from_config(model_config).to('cpu')
+ vis_processor_cfg = cfg.datasets_cfg.cc_sbu_align.vis_processor.train
+ vis_processor = registry.get_processor_class(vis_processor_cfg.name).from_config(vis_processor_cfg)
+ chat = Chat(model, vis_processor, device='cpu')
+ return chat
+
+# Gradio Reset Function
+def gradio_reset(chat_state, img_list):
+ if chat_state is not None:
+ chat_state.messages = []
+ if img_list is not None:
+ img_list = []
+ return None, gr.update(value=None, interactive=True), gr.update(placeholder='Please upload your protein structure and sequence first', interactive=False), gr.update(value="Upload & Start Chat", interactive=True), chat_state, img_list
+
+# Upload Function
+def upload_protein(structure, sequence, text_input, chat_state):
+ # Check if structure and sequence files are valid
+ if structure is None or not structure.endswith(".pt"):
+ return (None, None, None, gr.update(placeholder="Invalid structure file, must be a .pt file.", interactive=True), chat_state, None)
+ if sequence is None or not sequence.endswith(".pt"):
+ return (None, None, None, gr.update(placeholder="Invalid sequence file, must be a .pt file.", interactive=True), chat_state, None)
+
+ # Load protein structure and sequence
+ pdb_embedding = torch.load(structure, map_location=torch.device('cpu'))
+ sample_pdb = pdb_embedding.to('cpu')
+
+ seq_embedding = torch.load(sequence, map_location=torch.device('cpu'))
+ sample_seq = seq_embedding.to('cpu')
+
+ # Initialize the conversation state
+ chat_state = CONV_VISION.copy()
+ img_list = []
+
+ # Upload protein data
+ llm_message = chat.upload_protein(sample_pdb, sample_seq, chat_state, img_list)
+
+ # Return the required outputs
+ return (gr.update(interactive=False), # Disable structure file input
+ gr.update(interactive=False), # Disable sequence file input
+ gr.update(interactive=True, placeholder='Type and press Enter'), # Enable the text input box
+ gr.update(value="Start Chatting", interactive=False), # Update upload button state
+ chat_state, # Return the conversation state
+ img_list) # Return the list of images (if any)
+# Ask Function
+def gradio_ask(user_message, chatbot, chat_state):
+ if len(user_message) == 0:
+ return gr.update(interactive=True, placeholder='Input should not be empty!'), chatbot, chat_state
+ chat.ask(user_message, chat_state)
+ chatbot = chatbot + [[user_message, None]]
+ return '', chatbot, chat_state
+
+# Answer Function
+def gradio_answer(chatbot, chat_state, img_list, num_beams, temperature):
+ img_list = [mat.half() for mat in img_list]
+ llm_message = chat.answer(conv=chat_state, img_list=img_list, max_new_tokens=300, num_beams=num_beams, temperature=temperature, max_length=2000)[0]
+ chatbot[-1][1] = llm_message
+ return chatbot, chat_state, img_list
+
+# Command-line Argument Parsing
+def parse_args():
+ parser = argparse.ArgumentParser(description="Demo")
+ parser.add_argument("--cfg-path", help="path to configuration file.", default='configs/evaluation.yaml')
+ parser.add_argument(
+ "--options",
+ nargs="+",
+ help="override some settings in the used config, the key-value pair "
+ "in xxx=yyy format will be merged into config file (deprecate), "
+ "change to --cfg-options instead.",
+ )
+ args = parser.parse_args()
+ return args
+
+# Demo Gradio Interface
+title = """
Demo of ProteinGPT
"""
+description = """Upload your protein sequence and structure and start chatting with your protein!
"""
+article = """"""
+
+args = parse_args() # Parse arguments to get config and model info
+chat = initialize_chat(args) # Initialize ProteinGPT model
+
+with gr.Blocks() as demo:
+ gr.Markdown(title)
+ gr.Markdown(description)
+ gr.Markdown(article)
+
+ with gr.Row():
+ with gr.Column(scale=0.5):
+ structure = gr.File(type="filepath", label="Upload Protein Structure", show_label=True)
+ sequence = gr.File(type="filepath", label="Upload Protein Sequence", show_label=True)
+ upload_button = gr.Button(value="Upload & Start Chat", interactive=True, variant="primary")
+ clear = gr.Button("Restart")
+ num_beams = gr.Slider(minimum=1, maximum=5, value=1, step=1, interactive=True, label="Beam search numbers")
+ temperature = gr.Slider(minimum=0.1, maximum=2.0, value=1.0, step=0.1, interactive=True, label="Temperature")
+
+ with gr.Column():
+ chat_state = gr.State()
+ img_list = gr.State()
+ chatbot = gr.Chatbot(label='ProteinGPT')
+ text_input = gr.Textbox(label='User', placeholder='Please upload your image first', interactive=False)
+
+ upload_button.click(upload_protein,
+ [structure, sequence, text_input, chat_state],
+ [structure, sequence, text_input, upload_button, chat_state, img_list])
+ text_input.submit(gradio_ask, [text_input, chatbot, chat_state], [text_input, chatbot, chat_state]).then(gradio_answer, [chatbot, chat_state, img_list, num_beams, temperature], [chatbot, chat_state, img_list])
+ clear.click(gradio_reset, [chat_state, img_list], [chatbot, structure, sequence, text_input, upload_button, chat_state, img_list], queue=False)
+
+demo.launch(share=True)
diff --git a/assets/distribution.png b/assets/distribution.png
new file mode 100644
index 0000000000000000000000000000000000000000..26b460294c34027293913e24929192a9708fe429
Binary files /dev/null and b/assets/distribution.png differ
diff --git a/configs/evaluation.yaml b/configs/evaluation.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..962f56b4cf23893ea6430540dc1a17d4e8e976a2
--- /dev/null
+++ b/configs/evaluation.yaml
@@ -0,0 +1,25 @@
+model:
+ arch: mini_gpt4
+ model_type: pretrain_vicuna
+ freeze_vit: True
+ freeze_qformer: True
+ max_txt_len: 256
+ end_sym: "###"
+ low_resource: False
+ prompt_template: '###Human: {} ###Assistant: '
+ # ckpt: '/home/ubuntu/proteinchat/minigpt4/ft/Llama-2-7b-chat-hf/20240610191/checkpoint_5.pth'
+ ckpt: 'minigpt4/ft/Meta-Llama-3-8B-Instruct-hf/20240609203/checkpoint_5.pth'
+
+datasets:
+ cc_sbu_align:
+ vis_processor:
+ train:
+ name: "blip2_image_eval"
+ image_size: 224
+ text_processor:
+ train:
+ name: "blip_caption"
+
+run:
+ task: image_text_pretrain
+
diff --git a/configs/minigpt4.yaml b/configs/minigpt4.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..26a307e7ea546e6d56f55f72ee352d55eb0ff758
--- /dev/null
+++ b/configs/minigpt4.yaml
@@ -0,0 +1,35 @@
+model:
+ arch: mini_gpt4
+
+ # vit encoder
+ image_size: 224
+ drop_path_rate: 0
+ use_grad_checkpoint: False
+ vit_precision: "fp16"
+ freeze_vit: True
+ freeze_qformer: True
+
+ # Q-Former
+ num_query_token: 32
+
+ # Vicuna
+ # llama_model: "/home/ubuntu/ckpt/hf/Meta-Llama-3-8B-Instruct-hf/"
+ llama_model: "meta-llama/Meta-Llama-3-8B-Instruct"
+
+
+ # generation configs
+ prompt: ""
+
+preprocess:
+ vis_processor:
+ train:
+ name: "blip2_image_train"
+ image_size: 224
+ eval:
+ name: "blip2_image_eval"
+ image_size: 224
+ text_processor:
+ train:
+ name: "blip_caption"
+ eval:
+ name: "blip_caption"
diff --git a/configs/train_instruction_tuning.yaml b/configs/train_instruction_tuning.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..ac1288bd761f959f60a92374c2cfe36506f6d5c5
--- /dev/null
+++ b/configs/train_instruction_tuning.yaml
@@ -0,0 +1,54 @@
+model:
+ arch: mini_gpt4
+ model_type: pretrain_vicuna
+ freeze_vit: True
+ freeze_qformer: True
+ # low_resource: True
+ max_txt_len: 256
+ end_sym: "###"
+ prompt_template: '###Human: {} ###Assistant: '
+ # ckpt: '/home/ubuntu/proteinchat/minigpt4/output/Meta-Llama-3-8B-Instruct-hf/20240606190/checkpoint_2.pth'
+ ckpt: '/home/ubuntu/proteinchat/minigpt4/output/Llama-2-7b-chat-hf/20240606005/checkpoint_2.pth'
+
+
+datasets:
+ cc_sbu_align:
+ vis_processor:
+ train:
+ name: "blip2_image_train"
+ image_size: 224
+ text_processor:
+ train:
+ name: "blip_caption"
+
+run:
+ task: image_text_pretrain
+ # optimizer
+ lr_sched: "linear_warmup_cosine_lr"
+ init_lr: 1e-5
+ min_lr: 1e-6
+ warmup_lr: 1e-6
+
+ weight_decay: 0.05
+ max_epoch: 10
+ # iters_per_epoch: 762
+ batch_size_train: 1
+ batch_size_eval: 1
+ num_workers: 12
+ warmup_steps: 5000
+
+ seed: 42
+ # output_dir: "ft/Meta-Llama-3-8B-Instruct-hf/"
+ output_dir: "ft/Llama-2-7b-chat-hf/"
+
+ amp: True
+ resume_ckpt_path: null
+
+ evaluate: False
+ train_splits: ["train"]
+
+ device: "cuda"
+ world_size: 1
+ dist_url: "env://"
+ distributed: True
+ stage: 2
diff --git a/configs/train_modality_alignment.yaml b/configs/train_modality_alignment.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..9cdf141a3a709a3d3a69fa3c29cd6fee6ef690fe
--- /dev/null
+++ b/configs/train_modality_alignment.yaml
@@ -0,0 +1,60 @@
+model:
+ arch: mini_gpt4
+ model_type: pretrain_vicuna
+ freeze_vit: True
+ freeze_qformer: True
+ # low_resource: True
+ max_txt_len: 384
+
+
+datasets:
+ laion:
+ vis_processor:
+ train:
+ name: "blip2_image_train"
+ image_size: 224
+ text_processor:
+ train:
+ name: "blip_caption"
+ sample_ratio: 115
+ cc_sbu:
+ vis_processor:
+ train:
+ name: "blip2_image_train"
+ image_size: 224
+ text_processor:
+ train:
+ name: "blip_caption"
+ sample_ratio: 14
+
+run:
+ task: image_text_pretrain
+ # optimizer
+ lr_sched: "linear_warmup_cosine_lr"
+ init_lr: 1e-4
+ min_lr: 8e-5
+ warmup_lr: 1e-6
+
+ weight_decay: 0.05
+ max_epoch: 3
+ batch_size_train: 1
+ batch_size_eval: 1
+ num_workers: 12
+ warmup_steps: 5000
+
+ seed: 42
+ output_dir: "output/Meta-Llama-3-8B-Instruct-hf/"
+ # output_dir: "output/Llama-2-7b-chat-hf/"
+
+ amp: True
+ resume_ckpt_path: null
+
+ evaluate: False
+ train_splits: ["train"]
+
+ device: "cuda"
+ world_size: 1
+ dist_url: "env://"
+ distributed: True
+
+ stage: 1
diff --git a/dataset.json b/dataset.json
new file mode 100644
index 0000000000000000000000000000000000000000..018129eb34c3468597d6a8533e24edf11abe801a
--- /dev/null
+++ b/dataset.json
@@ -0,0 +1,132098 @@
+{
+ "train": [
+ "4x56",
+ "1d7q",
+ "5x6s",
+ "5nsg",
+ "7t2y",
+ "5e5b",
+ "4xun",
+ "5pyd",
+ "3nol",
+ "5xvo",
+ "3iog",
+ "3ucl",
+ "5a07",
+ "4q4h",
+ "3rtk",
+ "1y4s",
+ "7kgk",
+ "7bbv",
+ "6x07",
+ "4jfu",
+ "2wds",
+ "3s9b",
+ "3zzf",
+ "6fdp",
+ "2g7h",
+ "1c7t",
+ "4rav",
+ "3w7f",
+ "6fch",
+ "1eih",
+ "6wbr",
+ "1v3l",
+ "7s3f",
+ "7fol",
+ "6jdp",
+ "1kuw",
+ "1lk3",
+ "3s53",
+ "1mg0",
+ "5dqy",
+ "6c00",
+ "6yig",
+ "5jef",
+ "2n71",
+ "2wpq",
+ "1n80",
+ "3qrq",
+ "4d2h",
+ "5yrv",
+ "5lrk",
+ "2ze3",
+ "4pgp",
+ "4ngd",
+ "5dht",
+ "3o84",
+ "4wx0",
+ "2hq5",
+ "4nm9",
+ "4wd7",
+ "4k1k",
+ "5u7d",
+ "4edi",
+ "6fzp",
+ "5m07",
+ "7s4g",
+ "4lqc",
+ "3uy6",
+ "7v6m",
+ "3oi9",
+ "3std",
+ "6jzr",
+ "1lka",
+ "5wzr",
+ "5a61",
+ "2qy2",
+ "4j8d",
+ "4i9t",
+ "6ifn",
+ "6ymu",
+ "6rt3",
+ "2qju",
+ "1kc2",
+ "1yy5",
+ "3o5w",
+ "4b4u",
+ "7p5k",
+ "1rpx",
+ "2ny1",
+ "2kej",
+ "4kh2",
+ "3ve1",
+ "3o4p",
+ "6yoj",
+ "7k0z",
+ "1s8j",
+ "2zty",
+ "4mli",
+ "3e3a",
+ "5qfr",
+ "7zci",
+ "1hz1",
+ "3qt4",
+ "1pd8",
+ "5kab",
+ "7v3g",
+ "3tmq",
+ "830c",
+ "5fp5",
+ "6cl0",
+ "2gfj",
+ "1i5u",
+ "3qcm",
+ "2c9d",
+ "1hec",
+ "1pnz",
+ "4rxv",
+ "2jey",
+ "4i3j",
+ "6lfz",
+ "2ot7",
+ "3jvi",
+ "1w9c",
+ "5jox",
+ "6jhc",
+ "5ui0",
+ "6tiq",
+ "1hw8",
+ "3fuq",
+ "6o6i",
+ "2o17",
+ "2itu",
+ "2c4w",
+ "3byr",
+ "5n5j",
+ "3nen",
+ "4k2r",
+ "2mz1",
+ "3mb2",
+ "7aay",
+ "5peo",
+ "2ioi",
+ "3qg6",
+ "4qhh",
+ "3v78",
+ "2qms",
+ "7pmd",
+ "7x8r",
+ "1bs5",
+ "4dgg",
+ "3zff",
+ "5did",
+ "7yx1",
+ "4wci",
+ "6icm",
+ "5s1q",
+ "1gxn",
+ "6pn7",
+ "3vfd",
+ "3gw6",
+ "8aez",
+ "3r61",
+ "5p5d",
+ "2fpc",
+ "3dam",
+ "6h72",
+ "4u6j",
+ "6sr4",
+ "7ec3",
+ "6x1t",
+ "2zb1",
+ "2ozk",
+ "5ldf",
+ "5vms",
+ "3qxq",
+ "6wvo",
+ "4ww3",
+ "6whg",
+ "7jo3",
+ "5pf9",
+ "3cjk",
+ "5uqv",
+ "1okw",
+ "6zf2",
+ "8a32",
+ "4yml",
+ "1o98",
+ "3sol",
+ "6gm5",
+ "7c1s",
+ "1z56",
+ "3x2n",
+ "3stw",
+ "2cfi",
+ "4k2f",
+ "1oue",
+ "7oxj",
+ "4egw",
+ "3fpv",
+ "1wef",
+ "6vlf",
+ "6ybl",
+ "3mnv",
+ "6kmz",
+ "1cbo",
+ "5kf4",
+ "4phu",
+ "5ain",
+ "1byr",
+ "3exy",
+ "1kgg",
+ "4hrl",
+ "1g68",
+ "6gfs",
+ "6gl0",
+ "3mec",
+ "6ov0",
+ "4n53",
+ "6is6",
+ "7mrb",
+ "6q4w",
+ "2gbt",
+ "3if7",
+ "3pqr",
+ "6c44",
+ "5x74",
+ "5wbo",
+ "1ut7",
+ "3a0b",
+ "5vpg",
+ "2pq6",
+ "7sov",
+ "3zzh",
+ "2r5j",
+ "5vtr",
+ "4i67",
+ "6c71",
+ "4oee",
+ "2f91",
+ "2fwt",
+ "4brb",
+ "7yrk",
+ "7kh3",
+ "3tkz",
+ "6vkg",
+ "5k7q",
+ "2w71",
+ "4y6s",
+ "1p9k",
+ "2k2r",
+ "5lre",
+ "6wcq",
+ "4xfu",
+ "5s44",
+ "1n4j",
+ "5ep4",
+ "2f4g",
+ "7b8s",
+ "3o2j",
+ "4rwq",
+ "8c3h",
+ "7wb6",
+ "5cae",
+ "1zc1",
+ "1ymb",
+ "3o2u",
+ "7v9k",
+ "5k9i",
+ "5toy",
+ "2i9v",
+ "4rze",
+ "3zef",
+ "6pqd",
+ "4p8s",
+ "6k1o",
+ "1st3",
+ "5fl0",
+ "1yla",
+ "2ai1",
+ "6voj",
+ "3qo7",
+ "4hmd",
+ "1wkd",
+ "6p5v",
+ "2x5y",
+ "6c1x",
+ "2xk6",
+ "5csm",
+ "6qzt",
+ "1p1f",
+ "5gow",
+ "3pmr",
+ "1ja0",
+ "1b5u",
+ "1u36",
+ "3hum",
+ "6s97",
+ "5gws",
+ "5p67",
+ "6w9q",
+ "1ay2",
+ "1tyo",
+ "7m6u",
+ "2r9c",
+ "3eoj",
+ "3olx",
+ "1tzn",
+ "6wgn",
+ "4yj1",
+ "3qte",
+ "5z4o",
+ "4hez",
+ "4s0r",
+ "5ywr",
+ "5s5h",
+ "1smo",
+ "1sfc",
+ "1r6x",
+ "5kmx",
+ "6at3",
+ "5xzg",
+ "3q3q",
+ "1xtg",
+ "1ray",
+ "4ue8",
+ "1arx",
+ "7oix",
+ "7ran",
+ "1us2",
+ "2op1",
+ "6g46",
+ "5el1",
+ "1n21",
+ "2lfb",
+ "3oc7",
+ "4cpz",
+ "6h4y",
+ "8bsm",
+ "3hr1",
+ "2ci0",
+ "1eqj",
+ "2trs",
+ "1upb",
+ "2m6o",
+ "4mj4",
+ "4f7c",
+ "8exb",
+ "4rrx",
+ "5ke6",
+ "3dp5",
+ "3obk",
+ "1nob",
+ "3boe",
+ "7dvu",
+ "3tgg",
+ "5b4h",
+ "5yc3",
+ "4pb3",
+ "6k4g",
+ "5ob6",
+ "4z9o",
+ "5o71",
+ "1t7a",
+ "4b23",
+ "7s56",
+ "1f51",
+ "5ppw",
+ "4jut",
+ "4tve",
+ "1qcw",
+ "3o41",
+ "2f3m",
+ "4gb0",
+ "2mnr",
+ "1etk",
+ "7ukk",
+ "4wi1",
+ "6kpj",
+ "8dmi",
+ "2hu6",
+ "6knb",
+ "2ipc",
+ "5wdm",
+ "4uma",
+ "1boc",
+ "1b92",
+ "6us1",
+ "6a5z",
+ "3v4x",
+ "5grd",
+ "3ekl",
+ "4z6d",
+ "6omt",
+ "6pc2",
+ "3sri",
+ "1g4i",
+ "5klv",
+ "5zz0",
+ "1t5i",
+ "3hdb",
+ "2d4u",
+ "1n15",
+ "6scz",
+ "4he1",
+ "6t90",
+ "4cnc",
+ "7yhs",
+ "1l4l",
+ "2i87",
+ "5i7s",
+ "3h8r",
+ "1ptf",
+ "7o6v",
+ "3jqm",
+ "5hzk",
+ "1g0w",
+ "4d9c",
+ "6k9q",
+ "1ulb",
+ "2mry",
+ "2a54",
+ "4f7l",
+ "6yov",
+ "3cv0",
+ "4fc5",
+ "4qem",
+ "7am5",
+ "1r2n",
+ "1bfe",
+ "6wag",
+ "1cne",
+ "4qdw",
+ "8cbh",
+ "2b6g",
+ "1qhm",
+ "5tiu",
+ "5frx",
+ "2q0d",
+ "3n62",
+ "3gcv",
+ "2yt0",
+ "4abg",
+ "2qhe",
+ "5s5z",
+ "6kcs",
+ "3emd",
+ "1n60",
+ "5en5",
+ "3cx6",
+ "4p5w",
+ "3ol6",
+ "5ze4",
+ "5b07",
+ "3vms",
+ "5drt",
+ "6f7l",
+ "7ovr",
+ "4ty7",
+ "6hkz",
+ "3h0i",
+ "2vup",
+ "3ig0",
+ "6v2f",
+ "4mab",
+ "7li9",
+ "4b48",
+ "7vv8",
+ "3ixd",
+ "7r6k",
+ "4pih",
+ "4brp",
+ "2rtl",
+ "5jx4",
+ "5m78",
+ "7nwm",
+ "2rd8",
+ "5w2v",
+ "6ng4",
+ "4cjk",
+ "8b0j",
+ "2wfw",
+ "3p1c",
+ "6iyi",
+ "5sp7",
+ "7msl",
+ "7bhe",
+ "5pex",
+ "3o3h",
+ "2e4z",
+ "5ia8",
+ "5x7g",
+ "2jyv",
+ "5t14",
+ "3mgz",
+ "1rvg",
+ "3wqj",
+ "6yy6",
+ "6qaf",
+ "8a7q",
+ "5nhm",
+ "5t5b",
+ "4gsv",
+ "6ua5",
+ "6bcm",
+ "7r1z",
+ "1fqg",
+ "4eye",
+ "6el5",
+ "6e37",
+ "7beq",
+ "6w4c",
+ "2ja4",
+ "3anu",
+ "3whk",
+ "6sf7",
+ "4d6t",
+ "5dya",
+ "2fh9",
+ "7asw",
+ "5fhk",
+ "5tjk",
+ "6yzm",
+ "7dty",
+ "2lfw",
+ "3gru",
+ "4pj2",
+ "6ttw",
+ "3sx8",
+ "5w52",
+ "1xob",
+ "7e2d",
+ "7cij",
+ "5ysq",
+ "1gx0",
+ "1brp",
+ "4nln",
+ "6cvp",
+ "5pmy",
+ "2ona",
+ "5s1k",
+ "5j6y",
+ "6aio",
+ "1ibz",
+ "3vgh",
+ "5o9d",
+ "2nmo",
+ "2fdq",
+ "5mk1",
+ "1t1b",
+ "3auu",
+ "3uv4",
+ "6heq",
+ "7a5t",
+ "4d9e",
+ "7tju",
+ "5g5d",
+ "7s9k",
+ "3tig",
+ "5sb7",
+ "4nhx",
+ "6pux",
+ "4o0q",
+ "1pv2",
+ "5yr4",
+ "5b3z",
+ "2mu1",
+ "7avm",
+ "2zmj",
+ "1udx",
+ "5di9",
+ "6bjj",
+ "4uro",
+ "3e8f",
+ "2eke",
+ "1lxe",
+ "5tlz",
+ "2b3f",
+ "3p20",
+ "4w7m",
+ "3f5f",
+ "2aoj",
+ "1uzw",
+ "1ty2",
+ "6a0o",
+ "1zdy",
+ "2o88",
+ "2jtr",
+ "1znx",
+ "3ipy",
+ "7n1j",
+ "8g59",
+ "2qpn",
+ "5kfc",
+ "4q3w",
+ "3lq6",
+ "6bau",
+ "3gis",
+ "1gen",
+ "2rbe",
+ "3m1o",
+ "7li1",
+ "4ms3",
+ "5fms",
+ "7q0j",
+ "2ypb",
+ "4xak",
+ "7u80",
+ "7fn0",
+ "3qms",
+ "3rmf",
+ "5bpb",
+ "3stf",
+ "3dse",
+ "4djg",
+ "3b1t",
+ "5mpp",
+ "2b6o",
+ "4qw0",
+ "2jaf",
+ "1os5",
+ "4mk8",
+ "5g08",
+ "7dya",
+ "3tcq",
+ "7cb4",
+ "4dnv",
+ "2qzx",
+ "5c28",
+ "1npn",
+ "5lgc",
+ "4xh5",
+ "6r59",
+ "4bg7",
+ "3c6r",
+ "7wid",
+ "4nh7",
+ "6rdi",
+ "2f8m",
+ "2gt9",
+ "7w0p",
+ "2fnw",
+ "6l8a",
+ "2lkl",
+ "3jvy",
+ "6t4u",
+ "6v6g",
+ "5hbz",
+ "5g4i",
+ "1oxh",
+ "1rjp",
+ "6nm4",
+ "4fe1",
+ "1tev",
+ "6tt4",
+ "3whc",
+ "3exd",
+ "2b4j",
+ "1jb4",
+ "6l3t",
+ "6fnb",
+ "4cfq",
+ "1j8h",
+ "3hpv",
+ "6nsl",
+ "6kz6",
+ "1gdu",
+ "5ysj",
+ "7rej",
+ "4iku",
+ "4wke",
+ "1ykr",
+ "2bdh",
+ "4xrt",
+ "2rih",
+ "4k3k",
+ "3m4d",
+ "6upf",
+ "6gbl",
+ "4r21",
+ "2wk3",
+ "5l8i",
+ "1aum",
+ "4lej",
+ "5lt7",
+ "4pof",
+ "1bo8",
+ "1r8y",
+ "5c6g",
+ "1kr0",
+ "1kuf",
+ "6phz",
+ "2ncl",
+ "6gzu",
+ "1mnb",
+ "7ac5",
+ "6b5g",
+ "4qkv",
+ "4ayw",
+ "6axn",
+ "4p3j",
+ "6g3v",
+ "3hb1",
+ "1bu8",
+ "2v01",
+ "4uiv",
+ "5hkb",
+ "3hf3",
+ "1e4k",
+ "4gs3",
+ "6k8u",
+ "5adz",
+ "2bhi",
+ "2o20",
+ "2uy0",
+ "5a4h",
+ "3d3t",
+ "6r63",
+ "5wyn",
+ "7osl",
+ "3c6p",
+ "1grr",
+ "1wlw",
+ "1yfn",
+ "6b3y",
+ "5ald",
+ "4mtd",
+ "6fbn",
+ "4n9a",
+ "2e29",
+ "3bxx",
+ "3s2o",
+ "3cgc",
+ "3rhy",
+ "2pth",
+ "5juh",
+ "2wdp",
+ "4fqp",
+ "7dpx",
+ "1zoa",
+ "1vmp",
+ "1hav",
+ "1iot",
+ "5z0s",
+ "5nfd",
+ "1pp4",
+ "5wwp",
+ "4eng",
+ "6ddl",
+ "6nit",
+ "7etm",
+ "4eqg",
+ "6v0s",
+ "2qi5",
+ "6u9f",
+ "6vc8",
+ "1opj",
+ "5mn2",
+ "5kdf",
+ "1g1f",
+ "3p58",
+ "3uf3",
+ "2zcq",
+ "3kf8",
+ "7b45",
+ "5ksa",
+ "1u4a",
+ "1f0j",
+ "7lrt",
+ "2bf4",
+ "7k3o",
+ "2x6q",
+ "3s1l",
+ "2q32",
+ "2qgr",
+ "3p8e",
+ "5pph",
+ "6o57",
+ "6l48",
+ "2oqr",
+ "2kb5",
+ "7umu",
+ "1n6t",
+ "1aps",
+ "6nyf",
+ "2e7p",
+ "4uu2",
+ "3rhu",
+ "7xy5",
+ "6v6x",
+ "5bus",
+ "4gwv",
+ "6nii",
+ "2ng1",
+ "6t6r",
+ "3ntj",
+ "4i3g",
+ "4x1y",
+ "1l0i",
+ "3wtr",
+ "2r6a",
+ "1fly",
+ "7e30",
+ "6qgv",
+ "3h6z",
+ "6b1w",
+ "7l0p",
+ "6gr7",
+ "4l1a",
+ "5aac",
+ "2o0g",
+ "3mmf",
+ "6otl",
+ "1s8h",
+ "5v8z",
+ "1pxo",
+ "6cdb",
+ "3j2m",
+ "2j7e",
+ "4kf3",
+ "4mdl",
+ "5zbd",
+ "4qhs",
+ "7bmo",
+ "5xav",
+ "7jom",
+ "1i0b",
+ "7a3m",
+ "5e3b",
+ "2ww8",
+ "2r57",
+ "2qij",
+ "6aym",
+ "3tds",
+ "5xvx",
+ "2bhn",
+ "249l",
+ "4b50",
+ "5oa6",
+ "1noe",
+ "6s4f",
+ "5bnb",
+ "3q65",
+ "6zsx",
+ "6evm",
+ "5pfo",
+ "5zbs",
+ "1f4a",
+ "7log",
+ "3qj9",
+ "6pew",
+ "6gof",
+ "1tq7",
+ "6tgy",
+ "6ctd",
+ "5ze2",
+ "7jhh",
+ "2mpk",
+ "5kb3",
+ "5fh1",
+ "5a9q",
+ "1oh3",
+ "4bwg",
+ "4qnd",
+ "3v9y",
+ "1uct",
+ "6s8i",
+ "2ozo",
+ "2vee",
+ "7d9e",
+ "6vww",
+ "4cmd",
+ "3sr6",
+ "4lo0",
+ "7alv",
+ "4n4i",
+ "7plz",
+ "4ah6",
+ "6qid",
+ "7kir",
+ "3zn2",
+ "2coq",
+ "1g25",
+ "6m6u",
+ "7wo3",
+ "6fhw",
+ "3fvq",
+ "5cld",
+ "6cgs",
+ "2d6p",
+ "3nyb",
+ "4og4",
+ "4c3e",
+ "3gd2",
+ "1i57",
+ "6ynu",
+ "6nfn",
+ "5hda",
+ "1s14",
+ "4ye8",
+ "4j31",
+ "7lsu",
+ "5j8e",
+ "6ajm",
+ "7wkx",
+ "5h72",
+ "7csa",
+ "5kym",
+ "7epb",
+ "2bvn",
+ "4ery",
+ "1ahv",
+ "2yp1",
+ "7ex9",
+ "4qam",
+ "7tnu",
+ "6p9u",
+ "1mu8",
+ "4hf5",
+ "5w3d",
+ "2foj",
+ "7tnf",
+ "5hvs",
+ "1ulw",
+ "6eg8",
+ "1r4w",
+ "6dz6",
+ "6x83",
+ "5vnq",
+ "1kjq",
+ "3i5k",
+ "4omj",
+ "5c8p",
+ "4zi9",
+ "6vkn",
+ "6h6q",
+ "7ncs",
+ "1q0c",
+ "3ils",
+ "4blb",
+ "2lws",
+ "4jgz",
+ "3a3k",
+ "4ygd",
+ "6q0w",
+ "3l56",
+ "6dy1",
+ "2ivw",
+ "7eeb",
+ "6vt8",
+ "7r5l",
+ "4own",
+ "6l5k",
+ "6grv",
+ "2oqq",
+ "4r7i",
+ "4cgo",
+ "5pew",
+ "5fcf",
+ "7x0i",
+ "3moe",
+ "7tkk",
+ "2w5f",
+ "1bnp",
+ "2kxa",
+ "1znd",
+ "6xze",
+ "4mi8",
+ "1h8h",
+ "7jls",
+ "5jkb",
+ "7kq5",
+ "5rua",
+ "3fib",
+ "3alw",
+ "3r3g",
+ "7vy0",
+ "1tvk",
+ "6xl4",
+ "7vzn",
+ "1pdf",
+ "3i4x",
+ "6qsu",
+ "1f2l",
+ "5t90",
+ "2bnk",
+ "1jwz",
+ "5nf5",
+ "2vk0",
+ "3td8",
+ "4mmr",
+ "2wqu",
+ "2zqr",
+ "5un3",
+ "1dxd",
+ "1zrw",
+ "3nlj",
+ "6zwi",
+ "4o3m",
+ "8eel",
+ "3lut",
+ "5gmp",
+ "6fcn",
+ "5dik",
+ "4phq",
+ "2kqw",
+ "1ywp",
+ "1ift",
+ "2q0k",
+ "7jst",
+ "2h3q",
+ "6mkh",
+ "6i6j",
+ "6ve5",
+ "5xop",
+ "6t3y",
+ "5eul",
+ "5oas",
+ "4fi8",
+ "1dbr",
+ "3fmo",
+ "4y6r",
+ "6a6m",
+ "1eaj",
+ "1hup",
+ "4yqh",
+ "3gln",
+ "6vgj",
+ "5epc",
+ "5spz",
+ "2wva",
+ "4hvb",
+ "7a12",
+ "6i4p",
+ "6zuz",
+ "7egl",
+ "4o16",
+ "5gsa",
+ "5myd",
+ "5kij",
+ "1wqo",
+ "4qt4",
+ "2vpz",
+ "7jg2",
+ "2bfw",
+ "7ait",
+ "3n20",
+ "4dxt",
+ "3vo3",
+ "3mjw",
+ "5dns",
+ "3om3",
+ "7utz",
+ "7fp6",
+ "4trz",
+ "4pws",
+ "9hvp",
+ "2wp7",
+ "1hnc",
+ "1tbo",
+ "3v99",
+ "1l2z",
+ "5wcm",
+ "2pee",
+ "3nd9",
+ "6z5z",
+ "4wl9",
+ "1mjx",
+ "1gmu",
+ "4kmf",
+ "2j1x",
+ "5yc1",
+ "4fl6",
+ "1f9c",
+ "1xkr",
+ "2x0n",
+ "6xye",
+ "3bh0",
+ "5sxh",
+ "1yki",
+ "6nos",
+ "7ax2",
+ "5w32",
+ "3swt",
+ "6soo",
+ "7x2y",
+ "7vw2",
+ "1xfq",
+ "2cea",
+ "6gop",
+ "7bly",
+ "2kax",
+ "7oyy",
+ "3ep5",
+ "1ycb",
+ "6ojv",
+ "6fx1",
+ "3fc3",
+ "1fsy",
+ "3u5n",
+ "6j02",
+ "1mtc",
+ "1xp1",
+ "7pn6",
+ "5hi8",
+ "2ksl",
+ "2h3l",
+ "4z1c",
+ "3qmw",
+ "4b0i",
+ "2v1h",
+ "2qii",
+ "4m6u",
+ "3at5",
+ "6kck",
+ "4a3s",
+ "4e89",
+ "3wsq",
+ "6xbo",
+ "1j2u",
+ "6xje",
+ "4l9x",
+ "4hxg",
+ "2xje",
+ "1ulg",
+ "2zvv",
+ "2hmx",
+ "5hc2",
+ "3ixy",
+ "7ekg",
+ "7laj",
+ "5cbl",
+ "2d20",
+ "2xmt",
+ "4wei",
+ "6j23",
+ "7l5b",
+ "1p33",
+ "4xj3",
+ "1gsk",
+ "5dz2",
+ "1esj",
+ "7k4t",
+ "3sv6",
+ "2khl",
+ "4o96",
+ "7qgm",
+ "8d25",
+ "6f6c",
+ "3k5g",
+ "2rrs",
+ "5qqp",
+ "1kex",
+ "3q2m",
+ "2npa",
+ "5tkg",
+ "1my2",
+ "1hp0",
+ "5ms9",
+ "5u7p",
+ "3t8r",
+ "2bfn",
+ "1h5b",
+ "2j0n",
+ "5gv3",
+ "1i51",
+ "3u6b",
+ "3tsd",
+ "2j5z",
+ "5iqq",
+ "4e3g",
+ "4i9l",
+ "2lfk",
+ "1iid",
+ "1qhb",
+ "4de9",
+ "6ou0",
+ "2grc",
+ "7z0r",
+ "5mly",
+ "2mmi",
+ "4f8k",
+ "6ef3",
+ "2wl9",
+ "6mss",
+ "1jqa",
+ "5u5h",
+ "8eg6",
+ "5bw6",
+ "1pda",
+ "1wlu",
+ "1lgl",
+ "6en7",
+ "7taw",
+ "4z2b",
+ "5mp4",
+ "3d68",
+ "4e73",
+ "6qvs",
+ "5pp8",
+ "1bx1",
+ "2m97",
+ "3qrk",
+ "2rf7",
+ "3c0n",
+ "4lyd",
+ "1rg7",
+ "2acv",
+ "2wmx",
+ "4rkj",
+ "6c89",
+ "7d3x",
+ "3zo7",
+ "7eo6",
+ "2pa2",
+ "4rif",
+ "6pr9",
+ "2xk9",
+ "2wx0",
+ "5tbt",
+ "3cio",
+ "6r82",
+ "1fve",
+ "1bh7",
+ "2yem",
+ "5d9o",
+ "6l5l",
+ "4a5s",
+ "4bwo",
+ "3is8",
+ "3p4k",
+ "7rga",
+ "5aiu",
+ "4n8f",
+ "2y57",
+ "4grb",
+ "3e4p",
+ "4ayr",
+ "5x0o",
+ "3gnr",
+ "6gdp",
+ "4u6p",
+ "6yyc",
+ "4pg2",
+ "2eku",
+ "6buc",
+ "3rsd",
+ "1w7d",
+ "5d1d",
+ "3x2e",
+ "5nfh",
+ "1yeu",
+ "3nfw",
+ "5aib",
+ "7b8x",
+ "4ci4",
+ "3m20",
+ "3swk",
+ "7d24",
+ "5xxn",
+ "4o8b",
+ "2pbh",
+ "6yhb",
+ "1br2",
+ "7bco",
+ "6fug",
+ "6bwv",
+ "6wyh",
+ "3gtv",
+ "7bdw",
+ "4k7h",
+ "4eba",
+ "5dvm",
+ "3vrh",
+ "2xmi",
+ "6j94",
+ "1vc5",
+ "2jb6",
+ "1a8c",
+ "1sji",
+ "4zjb",
+ "2z5x",
+ "6trx",
+ "3dmk",
+ "4wac",
+ "5tp1",
+ "1s1r",
+ "4ch3",
+ "3p4z",
+ "6c74",
+ "2h95",
+ "2n3t",
+ "3vcl",
+ "2bjs",
+ "4cfc",
+ "2gaj",
+ "5i90",
+ "4qlu",
+ "1igq",
+ "1jpc",
+ "6hid",
+ "1vcj",
+ "5azx",
+ "1qtf",
+ "3law",
+ "5ek9",
+ "2axg",
+ "4njp",
+ "3eiz",
+ "2cik",
+ "4hhd",
+ "1azr",
+ "5jqh",
+ "6b1j",
+ "5cuo",
+ "1pih",
+ "1ktz",
+ "2jh2",
+ "1s9q",
+ "6qra",
+ "8hij",
+ "6z8h",
+ "5wdd",
+ "6vg8",
+ "5p6m",
+ "7b22",
+ "5bw7",
+ "3vt3",
+ "6w5q",
+ "2uy1",
+ "2o6d",
+ "2pjb",
+ "2rn5",
+ "2itg",
+ "3s3f",
+ "6u2n",
+ "5wly",
+ "4mle",
+ "2aaa",
+ "2ii0",
+ "7s04",
+ "5gn2",
+ "8dw8",
+ "1j1d",
+ "4r0x",
+ "1s1z",
+ "6lyc",
+ "4jc0",
+ "2wa9",
+ "6laa",
+ "2lo0",
+ "5d4r",
+ "5mj6",
+ "1hst",
+ "4d04",
+ "7m9c",
+ "2qho",
+ "1p97",
+ "6i10",
+ "1arg",
+ "5f1n",
+ "5dx8",
+ "7l3j",
+ "4kw6",
+ "5exa",
+ "5dx5",
+ "7x1l",
+ "7py2",
+ "4jma",
+ "6h7j",
+ "5dku",
+ "2kod",
+ "5yf7",
+ "4hc9",
+ "1g0l",
+ "2dcz",
+ "6vch",
+ "5md2",
+ "6flh",
+ "7xz7",
+ "7kah",
+ "1wqn",
+ "2w45",
+ "5k1d",
+ "1c9x",
+ "7vyk",
+ "2n4u",
+ "1em8",
+ "3m0k",
+ "5pih",
+ "3skv",
+ "7eax",
+ "1aeg",
+ "6hl4",
+ "6qrw",
+ "4f84",
+ "1cow",
+ "2b5s",
+ "4e9v",
+ "1re3",
+ "5r94",
+ "3d7h",
+ "1vxe",
+ "5rdh",
+ "3fye",
+ "6tjb",
+ "1sul",
+ "1pow",
+ "5wrl",
+ "2xoc",
+ "7pby",
+ "3ceh",
+ "6r71",
+ "2v20",
+ "7axj",
+ "6nju",
+ "7mzn",
+ "1nus",
+ "3gc8",
+ "6q30",
+ "7lmf",
+ "4esr",
+ "2v8x",
+ "3h4i",
+ "6rl9",
+ "4u7n",
+ "1izi",
+ "6sge",
+ "6kjj",
+ "5ysr",
+ "4u5k",
+ "2ama",
+ "2vv5",
+ "7v73",
+ "4ngv",
+ "6sin",
+ "1efc",
+ "5qks",
+ "1q9k",
+ "3t07",
+ "3no7",
+ "5pv5",
+ "4c1n",
+ "3emm",
+ "5o3n",
+ "2yfd",
+ "5dxm",
+ "2krg",
+ "5f8q",
+ "4m5i",
+ "8bpl",
+ "3s3a",
+ "4h38",
+ "6i9q",
+ "6inz",
+ "4tle",
+ "1goz",
+ "5htb",
+ "3ufl",
+ "2fpt",
+ "7yyz",
+ "5p3v",
+ "7vr5",
+ "5a3u",
+ "3syt",
+ "2cam",
+ "3o7a",
+ "4biq",
+ "6zjf",
+ "7tyt",
+ "6khv",
+ "5vuj",
+ "5i9h",
+ "5dny",
+ "8ezw",
+ "3b5d",
+ "7jhi",
+ "4un9",
+ "4rpv",
+ "5wb3",
+ "4hei",
+ "6fj7",
+ "2axj",
+ "5d4h",
+ "2rt5",
+ "3ru0",
+ "6anx",
+ "4tno",
+ "5m7o",
+ "5eyl",
+ "4u2w",
+ "5n1j",
+ "7d3i",
+ "7o8z",
+ "1gbq",
+ "7la8",
+ "3ju4",
+ "8b01",
+ "3ns1",
+ "2r6d",
+ "1ev3",
+ "4oc8",
+ "2xsg",
+ "1uqs",
+ "3qtx",
+ "1dnp",
+ "2gvz",
+ "2fxk",
+ "4mgj",
+ "6jp2",
+ "1sie",
+ "6tls",
+ "2ca2",
+ "1ns1",
+ "1ghk",
+ "2ilr",
+ "3wa1",
+ "1oma",
+ "4zlz",
+ "2aoc",
+ "5un7",
+ "2aec",
+ "3mmj",
+ "4gyg",
+ "5g1e",
+ "2naw",
+ "5lwy",
+ "3zhr",
+ "5dyb",
+ "7og0",
+ "1p9f",
+ "3dcs",
+ "2xvk",
+ "5bot",
+ "5m9w",
+ "5vkl",
+ "6k1q",
+ "5pco",
+ "5fje",
+ "4zgv",
+ "4q4k",
+ "1mgs",
+ "3qia",
+ "6zyl",
+ "6x5e",
+ "5zrt",
+ "7ocw",
+ "5t5c",
+ "1xbw",
+ "5ur6",
+ "3sau",
+ "7c09",
+ "4gbz",
+ "6wpl",
+ "7x76",
+ "2v8l",
+ "6j0k",
+ "5z2f",
+ "4fcy",
+ "3wlq",
+ "6gui",
+ "8dqi",
+ "2r0t",
+ "7o86",
+ "4apo",
+ "5toa",
+ "5gm3",
+ "4ku7",
+ "2a6s",
+ "6lgh",
+ "6hi7",
+ "2ro8",
+ "5owl",
+ "3r26",
+ "1a9m",
+ "7uws",
+ "5ow8",
+ "2iz5",
+ "3i96",
+ "5j5u",
+ "4ug7",
+ "5wap",
+ "6ypo",
+ "6j8h",
+ "7eja",
+ "6s6d",
+ "4ohi",
+ "7u3k",
+ "7qzi",
+ "2xo8",
+ "6kqe",
+ "7rng",
+ "5agn",
+ "5tnh",
+ "2jnb",
+ "6st8",
+ "7wwh",
+ "1ioa",
+ "7brp",
+ "5apm",
+ "1wxe",
+ "2a3w",
+ "6la0",
+ "6n0t",
+ "2mmy",
+ "7t00",
+ "4oxp",
+ "2cd2",
+ "5zqx",
+ "4phn",
+ "6vjf",
+ "4nrg",
+ "8dha",
+ "8aoq",
+ "5cmh",
+ "3npc",
+ "1hhj",
+ "6fq3",
+ "7aco",
+ "7a0c",
+ "2vsg",
+ "5f6c",
+ "1tnd",
+ "4tnp",
+ "2c4g",
+ "2wqi",
+ "1u39",
+ "6cqj",
+ "2ju1",
+ "4pji",
+ "5js9",
+ "6w8e",
+ "6gfm",
+ "2gib",
+ "5nnl",
+ "7ufz",
+ "5c20",
+ "1b9d",
+ "5m5s",
+ "1pex",
+ "2nvx",
+ "4mgp",
+ "7pno",
+ "1hwm",
+ "3cnm",
+ "5ckb",
+ "6l29",
+ "4mtg",
+ "4z9p",
+ "1gzx",
+ "7krn",
+ "5ifu",
+ "1snu",
+ "3crp",
+ "2iat",
+ "8ecd",
+ "3kxn",
+ "6ylv",
+ "6l06",
+ "5jtb",
+ "6pa2",
+ "1aw0",
+ "3ads",
+ "7fk1",
+ "1w37",
+ "1s9e",
+ "6gnp",
+ "3rpz",
+ "1unp",
+ "6l5g",
+ "4cg2",
+ "5pvo",
+ "4rh4",
+ "6bl9",
+ "7vly",
+ "2fjp",
+ "5pbx",
+ "4zmp",
+ "1yz0",
+ "1fmf",
+ "5hb3",
+ "5k6o",
+ "1xc5",
+ "6pmw",
+ "7lc6",
+ "3frq",
+ "1bkn",
+ "2hh2",
+ "1sx3",
+ "6oxd",
+ "6quy",
+ "2vpg",
+ "1dj7",
+ "1npr",
+ "7zwv",
+ "6ql3",
+ "1yfw",
+ "4cnf",
+ "4zb0",
+ "2a21",
+ "3bkl",
+ "3ikv",
+ "7rj5",
+ "4tqo",
+ "1sws",
+ "3pic",
+ "2f1t",
+ "7vvl",
+ "1m20",
+ "6twf",
+ "3qpz",
+ "1iar",
+ "6hki",
+ "7jkq",
+ "1v0b",
+ "1kgm",
+ "1fml",
+ "1bfr",
+ "1dl6",
+ "1e2t",
+ "1rkp",
+ "1slj",
+ "7lvg",
+ "1uh2",
+ "5j68",
+ "3uwl",
+ "6b6y",
+ "2zlu",
+ "6e9q",
+ "3iew",
+ "7r86",
+ "5r3a",
+ "5kg9",
+ "1g0n",
+ "5c2e",
+ "5ty9",
+ "4uh2",
+ "5ju6",
+ "2sar",
+ "2fbv",
+ "3kld",
+ "6s9e",
+ "4bla",
+ "5yv1",
+ "1dcf",
+ "6tuq",
+ "5x66",
+ "6czu",
+ "2qke",
+ "7fs6",
+ "4f8p",
+ "6f0d",
+ "2xy4",
+ "4nci",
+ "6dnm",
+ "7uqn",
+ "6r9o",
+ "1ib0",
+ "1tfh",
+ "6pgk",
+ "3e9p",
+ "6kmq",
+ "6i1t",
+ "4js0",
+ "3lra",
+ "6xt6",
+ "5rf4",
+ "7ebv",
+ "4np8",
+ "4wkv",
+ "5ccz",
+ "1dbf",
+ "5mo8",
+ "4oox",
+ "7u2p",
+ "5wb1",
+ "2nae",
+ "1qxf",
+ "5ttu",
+ "5pll",
+ "5ikn",
+ "4z85",
+ "7nap",
+ "2n59",
+ "6f7e",
+ "1fqb",
+ "1en7",
+ "3ik2",
+ "6ih1",
+ "1ame",
+ "2oc0",
+ "5olq",
+ "1nhr",
+ "5l38",
+ "7gss",
+ "5okr",
+ "6ght",
+ "2xwt",
+ "7by1",
+ "1i8x",
+ "2pzd",
+ "1l2a",
+ "3k2x",
+ "1txg",
+ "1gyt",
+ "2f5w",
+ "3sfp",
+ "5uvl",
+ "3r5y",
+ "3thb",
+ "8aff",
+ "1yas",
+ "1eiz",
+ "191l",
+ "7lna",
+ "3rzx",
+ "5wy2",
+ "3h8x",
+ "2os9",
+ "2vqo",
+ "5gli",
+ "5dgq",
+ "2yll",
+ "6mbn",
+ "4nxy",
+ "3w9w",
+ "5hf1",
+ "2vdj",
+ "2pgv",
+ "7y5t",
+ "3l4x",
+ "5qlt",
+ "7zz7",
+ "7ovn",
+ "8guq",
+ "2ptr",
+ "5mt6",
+ "3mh6",
+ "1zyw",
+ "4djs",
+ "1d0a",
+ "5obd",
+ "1cfm",
+ "6bxx",
+ "2mvj",
+ "1yuh",
+ "2yfo",
+ "5m8l",
+ "1tg2",
+ "2f3g",
+ "4oi9",
+ "1kvj",
+ "6ceo",
+ "1ccs",
+ "2bw2",
+ "1d6g",
+ "3edl",
+ "6xrl",
+ "4i5t",
+ "4ibg",
+ "6x9u",
+ "2itt",
+ "8e3v",
+ "6s3d",
+ "2xgm",
+ "4uqq",
+ "5hi9",
+ "6pnh",
+ "2z3t",
+ "7f8n",
+ "4tzq",
+ "5mtl",
+ "6hts",
+ "3s7e",
+ "7ck0",
+ "3goi",
+ "7y02",
+ "3v3q",
+ "6jkb",
+ "6msu",
+ "2r66",
+ "3e1t",
+ "6tqv",
+ "3o8r",
+ "2ohn",
+ "3gcu",
+ "1h6t",
+ "3cre",
+ "7c14",
+ "3g75",
+ "2xm3",
+ "1a7l",
+ "3u51",
+ "4gg2",
+ "6e06",
+ "4mvq",
+ "1lxc",
+ "7y5b",
+ "7ekm",
+ "5px5",
+ "6at6",
+ "4imk",
+ "1xij",
+ "2yz5",
+ "6h7u",
+ "4h8q",
+ "2j78",
+ "6h1p",
+ "2vzb",
+ "5fra",
+ "6hvy",
+ "3hc9",
+ "5kw3",
+ "1zrm",
+ "1aze",
+ "8e97",
+ "8guo",
+ "4e0d",
+ "5cct",
+ "4l62",
+ "6bld",
+ "3o9t",
+ "3se5",
+ "7ng5",
+ "5oow",
+ "1hp5",
+ "7oym",
+ "2i07",
+ "2mzs",
+ "4lzd",
+ "1bwi",
+ "1fg2",
+ "4p8j",
+ "6f2k",
+ "4z7b",
+ "4j55",
+ "5u02",
+ "5di3",
+ "6e3m",
+ "2g4n",
+ "1uoc",
+ "4ltw",
+ "1e6i",
+ "5twp",
+ "5xra",
+ "6uh4",
+ "3qep",
+ "5o1i",
+ "1dls",
+ "1htx",
+ "4ygc",
+ "1gx3",
+ "7p63",
+ "4hwl",
+ "7ect",
+ "6u5a",
+ "2kgd",
+ "6cyr",
+ "5hv9",
+ "6boa",
+ "3pyh",
+ "4bog",
+ "1wpm",
+ "2yi9",
+ "6rw7",
+ "2ji2",
+ "5h13",
+ "5v5q",
+ "1di3",
+ "2ci8",
+ "4wd9",
+ "2gfb",
+ "3fzb",
+ "4xqc",
+ "4y8v",
+ "7pp2",
+ "4gk7",
+ "7mdf",
+ "4iws",
+ "6tjo",
+ "1udk",
+ "2bgf",
+ "7rsr",
+ "5efn",
+ "4g92",
+ "4a9w",
+ "7l3h",
+ "5nm6",
+ "5z7b",
+ "7s4e",
+ "1ujc",
+ "6skk",
+ "5nlw",
+ "3wct",
+ "3q9a",
+ "4epj",
+ "4oii",
+ "4a52",
+ "7oyh",
+ "1nlm",
+ "1akc",
+ "6wo5",
+ "1iog",
+ "2y6z",
+ "5ov8",
+ "5t7q",
+ "6kbo",
+ "7qpe",
+ "6aqs",
+ "5av7",
+ "6ugy",
+ "2mzr",
+ "7lji",
+ "6yx3",
+ "4dam",
+ "6z5u",
+ "3saj",
+ "4gcw",
+ "7vlg",
+ "2vob",
+ "7ems",
+ "6yxr",
+ "7bym",
+ "6u9i",
+ "2gvx",
+ "6hja",
+ "5ni0",
+ "5t95",
+ "2ind",
+ "1snf",
+ "5cab",
+ "1o8u",
+ "6x0h",
+ "7p18",
+ "4if4",
+ "5qkg",
+ "1q0r",
+ "7jkp",
+ "1f8i",
+ "2i4a",
+ "4xit",
+ "2g8e",
+ "5i80",
+ "2ibl",
+ "1v3r",
+ "2bvl",
+ "5rm3",
+ "7umq",
+ "7dcy",
+ "5ikr",
+ "1rbv",
+ "4xl3",
+ "3b5g",
+ "1jpn",
+ "5vx9",
+ "1pq1",
+ "1vzu",
+ "6hrd",
+ "4c41",
+ "4m59",
+ "6t4i",
+ "5h9a",
+ "3tv1",
+ "4cvu",
+ "1kku",
+ "4nmi",
+ "7zzf",
+ "3rph",
+ "3qlb",
+ "2xcb",
+ "7d4k",
+ "4ofp",
+ "3gh4",
+ "2i2r",
+ "5tuk",
+ "2vnk",
+ "6poq",
+ "2zyf",
+ "7xz9",
+ "3bkj",
+ "5he2",
+ "4r91",
+ "6xo3",
+ "5xcr",
+ "3t1o",
+ "8dc9",
+ "2h12",
+ "3qes",
+ "1v0m",
+ "7mxc",
+ "7ks9",
+ "1aud",
+ "5nld",
+ "1umt",
+ "6ey7",
+ "7dmw",
+ "1n4y",
+ "1m4n",
+ "7m2f",
+ "4age",
+ "5gy1",
+ "3lbo",
+ "1pfb",
+ "5nj7",
+ "1ary",
+ "1trp",
+ "2lq8",
+ "7ds8",
+ "6d66",
+ "1u9l",
+ "7sw7",
+ "6wb1",
+ "5l3j",
+ "7w64",
+ "6q8o",
+ "108l",
+ "2za0",
+ "1y2p",
+ "3d6g",
+ "5brt",
+ "4o47",
+ "1ort",
+ "5wsv",
+ "5nek",
+ "4anv",
+ "4o5g",
+ "2ew9",
+ "7p6u",
+ "2m7w",
+ "2r2i",
+ "3mqm",
+ "2pf8",
+ "2mvn",
+ "2pdl",
+ "7m3g",
+ "6e8z",
+ "3onu",
+ "6vhe",
+ "3v0q",
+ "7bul",
+ "1r78",
+ "1f1z",
+ "7m60",
+ "3hcn",
+ "5n7q",
+ "6rrs",
+ "3cdi",
+ "2xjo",
+ "2ymz",
+ "6o3x",
+ "6sih",
+ "5cft",
+ "5kul",
+ "5fzt",
+ "5sag",
+ "1js3",
+ "7miq",
+ "2rpv",
+ "5lpi",
+ "4af7",
+ "4yzl",
+ "2h0y",
+ "2mpn",
+ "4lpc",
+ "2a8f",
+ "6inl",
+ "3ojj",
+ "7dhy",
+ "1e6c",
+ "2ccw",
+ "7khy",
+ "1bvg",
+ "2red",
+ "4ap0",
+ "7q12",
+ "5moq",
+ "7com",
+ "1cwl",
+ "2f9u",
+ "4aib",
+ "6whq",
+ "2rji",
+ "1lkf",
+ "2d7g",
+ "5ywl",
+ "4oot",
+ "1bif",
+ "1gsx",
+ "7rjz",
+ "2bo2",
+ "4u87",
+ "3fav",
+ "4ilv",
+ "1loe",
+ "7tue",
+ "2h2p",
+ "6vbn",
+ "4dhl",
+ "4ghk",
+ "4d56",
+ "1la1",
+ "1bty",
+ "6xvj",
+ "7kyw",
+ "1r4z",
+ "1ttf",
+ "6v0u",
+ "5dtm",
+ "7k9c",
+ "6vgq",
+ "4qrt",
+ "7d7n",
+ "3h55",
+ "8dw1",
+ "1z7q",
+ "2n4r",
+ "1owz",
+ "6u9j",
+ "5wls",
+ "6e7g",
+ "5dvi",
+ "2ltn",
+ "4b7x",
+ "3ula",
+ "7qga",
+ "8fuz",
+ "1frn",
+ "4zu7",
+ "6ban",
+ "7pqf",
+ "5ul7",
+ "5z2k",
+ "3mql",
+ "3zqp",
+ "1xmi",
+ "5zll",
+ "6s70",
+ "1mms",
+ "7c86",
+ "2hak",
+ "1ofo",
+ "5vgv",
+ "4pv3",
+ "4e0x",
+ "5alt",
+ "3tgo",
+ "3ewg",
+ "7sqi",
+ "6mpb",
+ "6exr",
+ "6c13",
+ "1xxe",
+ "3ro2",
+ "3d08",
+ "1czp",
+ "5w6y",
+ "7avs",
+ "7phr",
+ "3wj1",
+ "5qo1",
+ "4hkl",
+ "6f7r",
+ "6bci",
+ "6qv7",
+ "3nib",
+ "7wme",
+ "1vin",
+ "1mee",
+ "3qyn",
+ "6rzh",
+ "7ob1",
+ "2n2f",
+ "1o6g",
+ "5spu",
+ "6uc2",
+ "5ijt",
+ "2c4z",
+ "3a76",
+ "2bts",
+ "5b3r",
+ "6wwv",
+ "4hpm",
+ "4djd",
+ "3jpy",
+ "1hdx",
+ "6pjn",
+ "5ngo",
+ "5x5o",
+ "4ivt",
+ "6uw0",
+ "2bb8",
+ "2hn2",
+ "3ikc",
+ "5g20",
+ "7zno",
+ "2ccq",
+ "5poy",
+ "6b5p",
+ "7ery",
+ "2jmn",
+ "5iov",
+ "7jxu",
+ "2a5i",
+ "5qz8",
+ "4ruf",
+ "5svv",
+ "2zz9",
+ "7vx2",
+ "5khd",
+ "3fec",
+ "7njn",
+ "4y2l",
+ "2q2m",
+ "3hrb",
+ "1g6b",
+ "7ph4",
+ "2jcv",
+ "5jqy",
+ "227l",
+ "5e22",
+ "2y8c",
+ "6mi2",
+ "3gph",
+ "1b2s",
+ "3jqa",
+ "5o52",
+ "1pmx",
+ "6akm",
+ "8gxk",
+ "4hrq",
+ "4k3r",
+ "232l",
+ "1a92",
+ "1u2k",
+ "3wtu",
+ "2ms2",
+ "1gtz",
+ "2zvk",
+ "2byz",
+ "2die",
+ "3ift",
+ "6kmb",
+ "4y2e",
+ "3sub",
+ "7jyc",
+ "6cfu",
+ "1zxl",
+ "7u99",
+ "6boz",
+ "5po6",
+ "4c6z",
+ "1zsz",
+ "5s5g",
+ "4w5q",
+ "7ao1",
+ "4uf9",
+ "4pgl",
+ "7ev2",
+ "7vka",
+ "5bnq",
+ "3jva",
+ "4w7t",
+ "4up1",
+ "4ops",
+ "4k9v",
+ "7rdm",
+ "2uvv",
+ "1sak",
+ "5saf",
+ "1ies",
+ "5a1z",
+ "6tg9",
+ "2wkx",
+ "6xwn",
+ "1qhz",
+ "5lt8",
+ "2m5x",
+ "4ayh",
+ "3deu",
+ "6q9k",
+ "4pzi",
+ "6nhl",
+ "1kcm",
+ "6h36",
+ "3sng",
+ "2gri",
+ "3ppk",
+ "6h0i",
+ "6zg9",
+ "5lhm",
+ "1h4o",
+ "7fqr",
+ "4ld7",
+ "6q1x",
+ "4iue",
+ "1jwm",
+ "8abk",
+ "2h1r",
+ "5mm7",
+ "6xtv",
+ "5s3w",
+ "6bsq",
+ "1zu1",
+ "1ctf",
+ "2men",
+ "5dui",
+ "1p75",
+ "2o39",
+ "6r5u",
+ "4eah",
+ "1h5l",
+ "1jig",
+ "4b9z",
+ "5od7",
+ "3fha",
+ "2h9r",
+ "2xot",
+ "5tcz",
+ "2vbb",
+ "7nnl",
+ "5qyf",
+ "6fm0",
+ "4kf0",
+ "5nr9",
+ "6w3h",
+ "2kzt",
+ "7kbh",
+ "4pkh",
+ "6clf",
+ "6lho",
+ "4ipj",
+ "4g6d",
+ "2qeb",
+ "5ar6",
+ "3tii",
+ "1z40",
+ "6xxy",
+ "1bgj",
+ "4n3c",
+ "5lhq",
+ "2kns",
+ "5n8c",
+ "2c6l",
+ "7dxw",
+ "6wgx",
+ "2jjd",
+ "6h7g",
+ "5ifk",
+ "3atq",
+ "3wai",
+ "1mew",
+ "1qpk",
+ "1kv5",
+ "3fk1",
+ "5ekz",
+ "4jng",
+ "4r2y",
+ "5eix",
+ "1kh8",
+ "1l0n",
+ "5m2z",
+ "5lbg",
+ "3t9f",
+ "4dks",
+ "2gjd",
+ "1hba",
+ "3mwr",
+ "1l54",
+ "2yaf",
+ "4ikg",
+ "2xke",
+ "6jur",
+ "2dre",
+ "1xio",
+ "4wab",
+ "7m99",
+ "3bm1",
+ "6n94",
+ "5iwk",
+ "1gsc",
+ "3vzo",
+ "5alg",
+ "1oxk",
+ "3a1l",
+ "5la1",
+ "4y6o",
+ "7adq",
+ "3nbf",
+ "3ua1",
+ "6pja",
+ "2x5f",
+ "4v2z",
+ "6pdz",
+ "1iih",
+ "6o98",
+ "3ls0",
+ "2ca5",
+ "3j4s",
+ "2m9f",
+ "2lcf",
+ "1k9i",
+ "7z2w",
+ "5ihs",
+ "2k1g",
+ "6w7b",
+ "5uw2",
+ "7umk",
+ "1tc8",
+ "4l2l",
+ "1kn9",
+ "6nk3",
+ "6upu",
+ "6vvw",
+ "5wc3",
+ "6zv2",
+ "4cws",
+ "2kv5",
+ "1i6d",
+ "5c3r",
+ "1ok9",
+ "3v6r",
+ "2y3z",
+ "6te8",
+ "5vok",
+ "6efi",
+ "4jjz",
+ "6qz4",
+ "2m65",
+ "2qo5",
+ "1ycl",
+ "3lh9",
+ "6wgg",
+ "5h3m",
+ "7zrl",
+ "4exs",
+ "6r89",
+ "1g57",
+ "4y1q",
+ "7n2d",
+ "3d5v",
+ "1ln1",
+ "1i9n",
+ "6f3k",
+ "2xrd",
+ "1q1m",
+ "7x7m",
+ "5tdb",
+ "5vr2",
+ "5hw4",
+ "1uvk",
+ "3qug",
+ "7vsd",
+ "4hfd",
+ "3q7r",
+ "6bg3",
+ "6ge7",
+ "5oui",
+ "4hef",
+ "3wol",
+ "4bsq",
+ "2ji7",
+ "6qh6",
+ "1rkx",
+ "4bo7",
+ "2zgs",
+ "1ip6",
+ "7kuw",
+ "3wnx",
+ "2dcv",
+ "3bbb",
+ "4le0",
+ "1twq",
+ "1aun",
+ "6n43",
+ "5h45",
+ "7oev",
+ "3jyl",
+ "4zdv",
+ "5aqp",
+ "5xe2",
+ "5u8w",
+ "1gk2",
+ "6t6w",
+ "1hg2",
+ "1nkx",
+ "6s86",
+ "4pdp",
+ "6iec",
+ "5w3b",
+ "1kqo",
+ "3mrs",
+ "6v21",
+ "2x56",
+ "6oxy",
+ "6sjq",
+ "1zip",
+ "2o1g",
+ "7qke",
+ "7u3g",
+ "2uwb",
+ "4guj",
+ "1ono",
+ "6b72",
+ "1ohv",
+ "2ixi",
+ "5sai",
+ "2qtu",
+ "5j0f",
+ "4rjw",
+ "3lg5",
+ "7o6z",
+ "2cyh",
+ "7ono",
+ "7r5e",
+ "4w2q",
+ "6udx",
+ "7x0m",
+ "7swl",
+ "5mf2",
+ "1a1q",
+ "8db6",
+ "6ms4",
+ "5svw",
+ "2gna",
+ "3u3i",
+ "3tmd",
+ "5o3q",
+ "1jmw",
+ "2ath",
+ "5ig0",
+ "4psa",
+ "5erb",
+ "1xn8",
+ "5j4n",
+ "5o9x",
+ "5nxb",
+ "6bnt",
+ "6i4k",
+ "5ns5",
+ "1gos",
+ "2vq7",
+ "4j6o",
+ "1s3y",
+ "7cii",
+ "8bd7",
+ "6tqb",
+ "7f6h",
+ "6k6u",
+ "5o20",
+ "5lpe",
+ "7lmb",
+ "5tdh",
+ "1kzy",
+ "5b3u",
+ "5mnx",
+ "5efd",
+ "2wi5",
+ "6h9x",
+ "5it9",
+ "7wg1",
+ "7tkb",
+ "4azb",
+ "6uon",
+ "3s8k",
+ "5yhw",
+ "6ehr",
+ "2k1x",
+ "3m9z",
+ "4zvg",
+ "2bid",
+ "4iq8",
+ "2gq8",
+ "1o8x",
+ "2ycs",
+ "3wv0",
+ "1euo",
+ "1oc4",
+ "6l7y",
+ "3gj9",
+ "4uvp",
+ "2i3t",
+ "6xiu",
+ "5p65",
+ "5bxu",
+ "7zpg",
+ "2h8z",
+ "7ed9",
+ "4cx7",
+ "3o2p",
+ "7bwh",
+ "4kam",
+ "4all",
+ "3elc",
+ "7lbe",
+ "4agm",
+ "5koc",
+ "4lw3",
+ "7ojc",
+ "2c9m",
+ "6yk1",
+ "2pdd",
+ "5foc",
+ "2w8i",
+ "5n2o",
+ "3gk2",
+ "5xlj",
+ "2wz1",
+ "8ejz",
+ "5wfw",
+ "1jqb",
+ "5lwh",
+ "7t31",
+ "3r8c",
+ "5mxy",
+ "7tvy",
+ "1if2",
+ "2xql",
+ "5vtz",
+ "6u63",
+ "8ahm",
+ "4b75",
+ "2ys5",
+ "7jna",
+ "5lsx",
+ "5kuw",
+ "3zoh",
+ "4kd7",
+ "4zrn",
+ "6y4t",
+ "1sgf",
+ "5uv8",
+ "5kjh",
+ "6du7",
+ "1s2k",
+ "1bjx",
+ "7li2",
+ "7ud7",
+ "1mcy",
+ "2j4k",
+ "1axb",
+ "3tpd",
+ "6cvn",
+ "1lbi",
+ "4hjm",
+ "7m45",
+ "7rhh",
+ "4mj2",
+ "1po5",
+ "7wlx",
+ "6dh6",
+ "1no7",
+ "4wuq",
+ "1sug",
+ "3kms",
+ "4c2u",
+ "7d74",
+ "5pzc",
+ "6eww",
+ "3n4u",
+ "1uc6",
+ "1fpo",
+ "6ko0",
+ "1va6",
+ "4z3n",
+ "7d8g",
+ "7af1",
+ "3oyj",
+ "5r1b",
+ "4s3l",
+ "1mnp",
+ "4cgp",
+ "6tc6",
+ "5t4p",
+ "4yx7",
+ "1s4p",
+ "2maf",
+ "6bbd",
+ "6tfv",
+ "3cml",
+ "3d1x",
+ "4rte",
+ "5m0n",
+ "6jl8",
+ "2ofw",
+ "7f8v",
+ "3pq6",
+ "7oae",
+ "5kbc",
+ "1z9b",
+ "2ice",
+ "1c8w",
+ "6pin",
+ "3fwg",
+ "6cgp",
+ "4eut",
+ "6n61",
+ "1h87",
+ "3edc",
+ "1f6w",
+ "6qi3",
+ "4fhf",
+ "2p83",
+ "1o5m",
+ "1bha",
+ "5ygk",
+ "4a9l",
+ "3jqr",
+ "6zcm",
+ "6eva",
+ "6y38",
+ "5noe",
+ "6agy",
+ "7slv",
+ "5oyt",
+ "3mu8",
+ "5fiu",
+ "7z6e",
+ "6ak2",
+ "1qbt",
+ "1x0c",
+ "4um4",
+ "4nfu",
+ "6wvk",
+ "6g1w",
+ "1dum",
+ "7wxg",
+ "6dpc",
+ "4hkx",
+ "3u9y",
+ "7e5b",
+ "1tsi",
+ "2yg5",
+ "4p06",
+ "5bmm",
+ "6lc5",
+ "3ksw",
+ "1ki4",
+ "1bhx",
+ "2x4m",
+ "1wl6",
+ "5iw7",
+ "6cht",
+ "4prk",
+ "5alx",
+ "6gzl",
+ "4pwg",
+ "4crp",
+ "1z38",
+ "3tdt",
+ "4c66",
+ "7dnc",
+ "6hmd",
+ "1t0m",
+ "7uk8",
+ "6ghr",
+ "7deg",
+ "1b25",
+ "2akr",
+ "2ajn",
+ "7yi7",
+ "4m2k",
+ "4gcf",
+ "2ffq",
+ "7t98",
+ "5nsw",
+ "5o56",
+ "7vqd",
+ "2lsb",
+ "7yyg",
+ "5qmz",
+ "6cf9",
+ "5zy8",
+ "4ohr",
+ "4nrs",
+ "1lit",
+ "6x5r",
+ "1k8h",
+ "5xyh",
+ "1u93",
+ "6bc2",
+ "4br2",
+ "6k07",
+ "2iic",
+ "1eg4",
+ "8er1",
+ "5iu6",
+ "3vqm",
+ "5kri",
+ "3u17",
+ "5b25",
+ "4i7f",
+ "2i6s",
+ "4kwi",
+ "4l9i",
+ "7p1u",
+ "3ip7",
+ "5a0e",
+ "2g43",
+ "6do9",
+ "3idy",
+ "3wu8",
+ "1n7t",
+ "2wvh",
+ "1r6v",
+ "6mbg",
+ "6gws",
+ "5cco",
+ "2f9a",
+ "3dmx",
+ "3hoj",
+ "1aj9",
+ "6oa7",
+ "3ecj",
+ "5ze1",
+ "7jux",
+ "5tx4",
+ "2cgy",
+ "2vu4",
+ "1e8a",
+ "5nng",
+ "3t1n",
+ "9lyz",
+ "6i5e",
+ "6heh",
+ "6g26",
+ "3odm",
+ "1i20",
+ "4m6b",
+ "3r02",
+ "6f8d",
+ "2npg",
+ "6qs9",
+ "6ury",
+ "3n11",
+ "6wdr",
+ "7vtp",
+ "5zz6",
+ "1i7a",
+ "4zfx",
+ "2mdi",
+ "6e2y",
+ "2yp7",
+ "4riu",
+ "5eof",
+ "5erx",
+ "2x08",
+ "7ahk",
+ "4i2f",
+ "5k9a",
+ "4q2x",
+ "3axc",
+ "2qpe",
+ "1hi5",
+ "7fbp",
+ "1xnc",
+ "1wu6",
+ "6ohb",
+ "1iyl",
+ "4guv",
+ "4j3s",
+ "5ee7",
+ "1l81",
+ "6pz4",
+ "2a02",
+ "4hfz",
+ "7lz2",
+ "1jie",
+ "7e6u",
+ "7zhw",
+ "1az5",
+ "5gwe",
+ "5mdg",
+ "1lxt",
+ "7ri6",
+ "4k8b",
+ "2zrg",
+ "7n2g",
+ "5tri",
+ "3wof",
+ "4qbb",
+ "6b1k",
+ "1ks0",
+ "4bhx",
+ "3e0v",
+ "5xd5",
+ "7sn6",
+ "2y03",
+ "7x2o",
+ "1njs",
+ "5up8",
+ "6i0l",
+ "5e6h",
+ "1jml",
+ "5nzo",
+ "5nay",
+ "2znq",
+ "4zod",
+ "7f9a",
+ "3rfz",
+ "1esq",
+ "3v4v",
+ "4aja",
+ "7qoa",
+ "4wfx",
+ "1yza",
+ "7uvu",
+ "6vor",
+ "2z8r",
+ "7mrs",
+ "4i5j",
+ "5hne",
+ "2yke",
+ "1vgf",
+ "6zzm",
+ "6mt8",
+ "2n4a",
+ "3eff",
+ "1kfi",
+ "1b2f",
+ "5pj0",
+ "7xp1",
+ "5xv9",
+ "3mpm",
+ "6pjg",
+ "3rgm",
+ "6vwa",
+ "7eip",
+ "5inz",
+ "1t4d",
+ "7upm",
+ "2qlk",
+ "5x8w",
+ "3cad",
+ "3rvy",
+ "1k5s",
+ "5cjh",
+ "7l51",
+ "6m1i",
+ "4uvx",
+ "8e16",
+ "5m9e",
+ "5czh",
+ "7cq3",
+ "1iij",
+ "6fc0",
+ "1zbx",
+ "3q7x",
+ "3syl",
+ "1hun",
+ "7dux",
+ "7wzv",
+ "6wwc",
+ "1alq",
+ "6zi8",
+ "5xur",
+ "7qgt",
+ "4j22",
+ "6tv0",
+ "5vxx",
+ "1qqu",
+ "7wmo",
+ "1b4q",
+ "7ke2",
+ "1nae",
+ "1qgb",
+ "6h7x",
+ "6md9",
+ "7u8j",
+ "6msn",
+ "7k0j",
+ "7msk",
+ "1ud4",
+ "5ggr",
+ "1shk",
+ "7avv",
+ "3o38",
+ "6mb1",
+ "1r1f",
+ "2jlw",
+ "1g6t",
+ "2ms7",
+ "4oaa",
+ "4qze",
+ "2rj1",
+ "5d5h",
+ "2bgo",
+ "4acc",
+ "2amo",
+ "4faz",
+ "7da5",
+ "3h7g",
+ "3epb",
+ "4e61",
+ "6j1q",
+ "3g99",
+ "5oan",
+ "3o9m",
+ "3zog",
+ "5p68",
+ "6bg0",
+ "2j3e",
+ "5jj1",
+ "2pp1",
+ "3u1i",
+ "2xs7",
+ "5cc0",
+ "1kv8",
+ "2rgo",
+ "1fm6",
+ "7vgb",
+ "5n0s",
+ "2xg6",
+ "2wxk",
+ "2gp9",
+ "3qy0",
+ "5xru",
+ "4s0z",
+ "4b1c",
+ "2gkj",
+ "4a6u",
+ "5pdc",
+ "7voi",
+ "6kc6",
+ "2mof",
+ "7l1u",
+ "2r23",
+ "3wir",
+ "3c45",
+ "4nz0",
+ "5wk7",
+ "5tg9",
+ "5fey",
+ "5wb7",
+ "7rsu",
+ "1xfb",
+ "6pp6",
+ "5d6b",
+ "3tp3",
+ "1jt3",
+ "3l0x",
+ "3wyd",
+ "1q3d",
+ "3a28",
+ "5gpq",
+ "1r54",
+ "1ump",
+ "2if1",
+ "3ue6",
+ "4ht9",
+ "2hvy",
+ "3hd7",
+ "5oeg",
+ "4ctq",
+ "5ied",
+ "5oeh",
+ "6cz8",
+ "6w2n",
+ "7fro",
+ "2x9v",
+ "4jaz",
+ "5h6g",
+ "1btm",
+ "2nxm",
+ "7ehj",
+ "1w56",
+ "4kxr",
+ "1tnm",
+ "5ecn",
+ "6tfj",
+ "8ag0",
+ "3o9b",
+ "5nmh",
+ "2ptu",
+ "6bmy",
+ "4k5b",
+ "4nbf",
+ "7tbe",
+ "6klr",
+ "6cl7",
+ "1g7q",
+ "5cvc",
+ "1rd8",
+ "4jte",
+ "1i71",
+ "6j3q",
+ "4yzy",
+ "6xkc",
+ "4eyw",
+ "6unq",
+ "5j57",
+ "5xbo",
+ "2jeg",
+ "1vgi",
+ "1p6a",
+ "3rr5",
+ "1nq4",
+ "6gqn",
+ "4xee",
+ "5fg9",
+ "5vjp",
+ "1nqo",
+ "6doa",
+ "7rme",
+ "4i23",
+ "3zoc",
+ "1dkh",
+ "5pra",
+ "4r17",
+ "5mc7",
+ "5n4c",
+ "3rzf",
+ "2x7z",
+ "2b44",
+ "5eqq",
+ "7szi",
+ "5h7x",
+ "2nmr",
+ "2x4n",
+ "5znj",
+ "7d68",
+ "3l4o",
+ "5f18",
+ "4lis",
+ "5ali",
+ "6qao",
+ "2va7",
+ "4mep",
+ "3zs9",
+ "2ww9",
+ "2v6m",
+ "1o8p",
+ "3dwv",
+ "7rmw",
+ "6lx3",
+ "5mv6",
+ "7wvt",
+ "2wv8",
+ "3n12",
+ "5ey4",
+ "7ak3",
+ "2c97",
+ "7tee",
+ "3mmt",
+ "6c0o",
+ "4jnw",
+ "5d0s",
+ "6k0p",
+ "7lhs",
+ "4tkb",
+ "7ev6",
+ "1xc6",
+ "3th5",
+ "1gbt",
+ "6jfx",
+ "2rk7",
+ "5d16",
+ "2jb0",
+ "3wzn",
+ "3bmy",
+ "1b6b",
+ "1rlm",
+ "3gfb",
+ "5hvi",
+ "7bp6",
+ "6blr",
+ "1oxb",
+ "3tmc",
+ "4jeg",
+ "1lg5",
+ "3w1b",
+ "4paz",
+ "2avx",
+ "5gv7",
+ "7jpp",
+ "1ei7",
+ "7mno",
+ "1nhb",
+ "5hpn",
+ "1z98",
+ "2ouu",
+ "5wk3",
+ "2o2n",
+ "2eic",
+ "3u53",
+ "4k4a",
+ "7vu7",
+ "5dt0",
+ "2jg7",
+ "5g36",
+ "7ju3",
+ "1p2h",
+ "3qmi",
+ "3cuz",
+ "2xsh",
+ "5ceh",
+ "5s1y",
+ "1jk4",
+ "4z72",
+ "2wqq",
+ "4atk",
+ "6wye",
+ "4odu",
+ "4qw3",
+ "5owt",
+ "2ifb",
+ "1yad",
+ "4k4s",
+ "6d2b",
+ "2xf4",
+ "7xtc",
+ "2yex",
+ "4cq4",
+ "1mn9",
+ "2c9f",
+ "7lvh",
+ "6d23",
+ "5x8j",
+ "6eti",
+ "5ylo",
+ "4n9b",
+ "3gmo",
+ "2aio",
+ "6wob",
+ "5nul",
+ "2piy",
+ "9ins",
+ "7rmh",
+ "5z8y",
+ "3pnc",
+ "1sn8",
+ "6qps",
+ "1iv3",
+ "6mb6",
+ "1mdt",
+ "2xb8",
+ "7p2t",
+ "4q2y",
+ "2nvb",
+ "2z4h",
+ "5xf1",
+ "7uqx",
+ "4brd",
+ "5n9t",
+ "3o40",
+ "4fhc",
+ "3q8e",
+ "3vm5",
+ "2yal",
+ "2bq6",
+ "6gb8",
+ "2wy8",
+ "2iim",
+ "2yae",
+ "1sla",
+ "5s54",
+ "4a0k",
+ "7dcw",
+ "8dra",
+ "6xc3",
+ "1jfm",
+ "4kvd",
+ "7dbk",
+ "6g7w",
+ "3vmr",
+ "6d0j",
+ "5z4f",
+ "3zhb",
+ "3fpt",
+ "1l77",
+ "8e3t",
+ "6sy2",
+ "2yg7",
+ "3zwv",
+ "2cmo",
+ "1ahn",
+ "3v9w",
+ "1cxk",
+ "4s0o",
+ "4u32",
+ "4qg4",
+ "3hlh",
+ "1qoq",
+ "6e60",
+ "6afu",
+ "6vau",
+ "2ren",
+ "3qde",
+ "6ab6",
+ "2aun",
+ "3vj9",
+ "1rp5",
+ "4n6g",
+ "5oef",
+ "7omg",
+ "3r8a",
+ "7mp0",
+ "5wmg",
+ "1cgt",
+ "4r5s",
+ "5k03",
+ "5x1j",
+ "4r6c",
+ "3n66",
+ "7vld",
+ "4wmy",
+ "2ahz",
+ "1dxy",
+ "3hoh",
+ "7k3n",
+ "3vzm",
+ "1u98",
+ "2pni",
+ "5p16",
+ "7qmy",
+ "5lca",
+ "2r5p",
+ "3a1n",
+ "2xmy",
+ "5oop",
+ "2a9d",
+ "1m9a",
+ "1prh",
+ "5a53",
+ "3dvf",
+ "5c0c",
+ "4x1f",
+ "6ooz",
+ "7a9k",
+ "6y1x",
+ "5tue",
+ "5dti",
+ "3ekc",
+ "6kqk",
+ "4ggq",
+ "6rhj",
+ "7jky",
+ "4ylc",
+ "2lhc",
+ "1luc",
+ "2vqj",
+ "5tyi",
+ "6de3",
+ "6nci",
+ "4yk2",
+ "1p3w",
+ "4wnt",
+ "3nj2",
+ "2q2n",
+ "1w0s",
+ "5ws9",
+ "6cnn",
+ "1ovy",
+ "7qvl",
+ "6pny",
+ "2ieq",
+ "1hi9",
+ "1eyk",
+ "5sa0",
+ "2n9j",
+ "1q1p",
+ "5vos",
+ "7sw6",
+ "3bg9",
+ "3ook",
+ "1xgt",
+ "3aws",
+ "3lfo",
+ "1tlh",
+ "3bq4",
+ "5txk",
+ "3gmx",
+ "7zu8",
+ "3qj6",
+ "2kvd",
+ "3riv",
+ "5vjc",
+ "4knx",
+ "6sc6",
+ "1y1u",
+ "3t95",
+ "1h7o",
+ "6z1i",
+ "6s8v",
+ "1yjg",
+ "6emt",
+ "2g5t",
+ "1hen",
+ "1nov",
+ "5cdh",
+ "3eym",
+ "6y0n",
+ "2kva",
+ "1txq",
+ "6i1j",
+ "3si5",
+ "8dbc",
+ "6uqo",
+ "7cyq",
+ "1kvb",
+ "2z9l",
+ "1hk6",
+ "2gba",
+ "6ohd",
+ "5rt9",
+ "5m0y",
+ "1d1v",
+ "5agr",
+ "6xl8",
+ "3lpi",
+ "5qlf",
+ "3en4",
+ "4ig1",
+ "5sta",
+ "4bk5",
+ "8dg1",
+ "5xcu",
+ "3blo",
+ "6mdf",
+ "5fv2",
+ "4zoa",
+ "1s9t",
+ "3eam",
+ "4k1b",
+ "6hgp",
+ "6u4q",
+ "5k00",
+ "3ifx",
+ "6yll",
+ "5ao7",
+ "1zuc",
+ "6qlz",
+ "3bp8",
+ "4af2",
+ "4po1",
+ "2bbu",
+ "2esc",
+ "2bf7",
+ "4k79",
+ "2aka",
+ "4qwm",
+ "3jwv",
+ "3nq5",
+ "4xwn",
+ "6mbe",
+ "4gj0",
+ "4oks",
+ "1urc",
+ "6n00",
+ "1dx6",
+ "6iq4",
+ "2afs",
+ "7kfi",
+ "3unp",
+ "6xs7",
+ "1v77",
+ "2zey",
+ "5jvb",
+ "4kxt",
+ "7woc",
+ "5sts",
+ "3r43",
+ "7pr9",
+ "7rn0",
+ "3acd",
+ "2zwr",
+ "7u8m",
+ "5s24",
+ "6lk5",
+ "6cwt",
+ "1zhh",
+ "3uij",
+ "5l7y",
+ "1oop",
+ "3v8l",
+ "4dku",
+ "4cs9",
+ "6cf2",
+ "7z07",
+ "3i1g",
+ "2as6",
+ "1l32",
+ "4pe1",
+ "6m4l",
+ "3fc6",
+ "2bqm",
+ "1kqw",
+ "7ybd",
+ "4gqb",
+ "3ppy",
+ "7cs0",
+ "2iwu",
+ "4wl6",
+ "4sli",
+ "7xy7",
+ "3pni",
+ "6gpk",
+ "2hpu",
+ "8dxp",
+ "1ql0",
+ "5wgw",
+ "8bqr",
+ "3m1p",
+ "1jcy",
+ "1wnc",
+ "7kvn",
+ "5nd0",
+ "5oh0",
+ "3bnx",
+ "4hd7",
+ "3v46",
+ "2jqi",
+ "1b5x",
+ "2lmu",
+ "4wmk",
+ "2jo7",
+ "4rxy",
+ "8ddh",
+ "3zku",
+ "2goj",
+ "4lfp",
+ "3nkm",
+ "1cze",
+ "6j0y",
+ "4pm5",
+ "3hbg",
+ "2naz",
+ "3ddl",
+ "2a4z",
+ "7r3j",
+ "1dzq",
+ "3i74",
+ "1nhi",
+ "2sim",
+ "5oys",
+ "6gxl",
+ "3wju",
+ "7wj9",
+ "5nqn",
+ "3ugz",
+ "7m1u",
+ "1fqq",
+ "3un4",
+ "1bw9",
+ "5f76",
+ "1xis",
+ "2xln",
+ "2aim",
+ "1hqa",
+ "1srq",
+ "1ti1",
+ "6vm3",
+ "7pji",
+ "7v1v",
+ "1x9l",
+ "7u7w",
+ "4rvu",
+ "4zsh",
+ "2ior",
+ "3mfs",
+ "4u1i",
+ "7mrz",
+ "4m4j",
+ "4pcg",
+ "6xjn",
+ "7nrw",
+ "6ry0",
+ "1svn",
+ "6gq5",
+ "6qkw",
+ "1hxx",
+ "7ala",
+ "4uc6",
+ "5qob",
+ "8fm7",
+ "1gno",
+ "5jzj",
+ "6ohg",
+ "3zhe",
+ "2p46",
+ "4a6z",
+ "4at4",
+ "1yk7",
+ "5eno",
+ "3lw8",
+ "2ksd",
+ "3vjh",
+ "3fcf",
+ "6uvr",
+ "6ivr",
+ "6jdx",
+ "5cn5",
+ "5xbs",
+ "5ezm",
+ "6mar",
+ "3ccw",
+ "3bz7",
+ "5cmy",
+ "1oyv",
+ "3u7u",
+ "1jp7",
+ "1sqo",
+ "1h6v",
+ "3tj1",
+ "2lts",
+ "6rcu",
+ "3jvh",
+ "5p6h",
+ "6rwr",
+ "3rmh",
+ "2oot",
+ "7wjn",
+ "3n00",
+ "2fs1",
+ "5zwe",
+ "6pix",
+ "4x7p",
+ "4ra0",
+ "7sqj",
+ "5s9x",
+ "5ovb",
+ "3qe3",
+ "2irv",
+ "3sdl",
+ "1rk5",
+ "4gik",
+ "5plm",
+ "2zld",
+ "7ob2",
+ "1wld",
+ "1jc7",
+ "4liw",
+ "7l11",
+ "7o8t",
+ "5u8y",
+ "4lv7",
+ "4qc3",
+ "6bum",
+ "4fiy",
+ "4cxi",
+ "4qjr",
+ "1bf9",
+ "6c3x",
+ "6bgj",
+ "4tkw",
+ "114l",
+ "2gbv",
+ "7sl5",
+ "6guk",
+ "6qpj",
+ "5php",
+ "3wpi",
+ "1e62",
+ "3w07",
+ "7o9g",
+ "2nax",
+ "5jft",
+ "7nsr",
+ "6uds",
+ "1c6q",
+ "5aee",
+ "4u7i",
+ "5t3f",
+ "4g59",
+ "5f6u",
+ "5t28",
+ "4fqy",
+ "1ath",
+ "3n1k",
+ "5wz3",
+ "2y3p",
+ "1x7x",
+ "1hzw",
+ "3hmn",
+ "2mbc",
+ "5mzz",
+ "1dzt",
+ "4yyg",
+ "5h93",
+ "3bqb",
+ "7okg",
+ "2z79",
+ "2i3r",
+ "6mvf",
+ "4eug",
+ "4lan",
+ "1gil",
+ "3qnq",
+ "3s9v",
+ "1h7q",
+ "4bfg",
+ "1q3p",
+ "2j9f",
+ "4zbk",
+ "3lkx",
+ "7noi",
+ "3pfs",
+ "2xr4",
+ "2far",
+ "4srn",
+ "5ucp",
+ "1zdj",
+ "1gw3",
+ "4j6x",
+ "7m7y",
+ "3b4o",
+ "3cl3",
+ "1yjz",
+ "1v1p",
+ "6crc",
+ "7kb8",
+ "5g6m",
+ "6edc",
+ "6gg8",
+ "1j3g",
+ "2cda",
+ "3kgt",
+ "1cb9",
+ "4ybo",
+ "2wlf",
+ "4pwh",
+ "2w49",
+ "4n6m",
+ "6epu",
+ "2qqg",
+ "1n1g",
+ "3qe7",
+ "4ldj",
+ "5n0d",
+ "7wt1",
+ "3a7l",
+ "3ha0",
+ "4g5x",
+ "2jml",
+ "1dkd",
+ "5rve",
+ "2ebs",
+ "1bp1",
+ "7lj5",
+ "6u22",
+ "1qkz",
+ "5wiv",
+ "8gv6",
+ "3i5n",
+ "7pla",
+ "5ka3",
+ "6pf3",
+ "6nnb",
+ "4pr6",
+ "1g5w",
+ "4nmo",
+ "2ay7",
+ "1adc",
+ "7zwi",
+ "6cg9",
+ "5kmj",
+ "7buk",
+ "4xfc",
+ "3cd8",
+ "3wr3",
+ "5t8j",
+ "2qse",
+ "7nah",
+ "1taf",
+ "6ihw",
+ "2hek",
+ "4d00",
+ "7a5m",
+ "1qi1",
+ "3pus",
+ "1gmn",
+ "6any",
+ "2l6d",
+ "7tcr",
+ "6evw",
+ "5tni",
+ "3ga4",
+ "7ure",
+ "6c3o",
+ "3hun",
+ "6r7h",
+ "5cmk",
+ "1ldc",
+ "1g17",
+ "6p1y",
+ "1rd3",
+ "7lza",
+ "7oag",
+ "3ry5",
+ "1dr2",
+ "6sph",
+ "3q7g",
+ "4h3x",
+ "3acx",
+ "6snc",
+ "1s1p",
+ "6pe6",
+ "6mds",
+ "1tgz",
+ "5l87",
+ "7p9x",
+ "2x23",
+ "6vix",
+ "3ehn",
+ "7rqy",
+ "3ubr",
+ "1enc",
+ "1swi",
+ "4cth",
+ "6ra0",
+ "5ww0",
+ "7nxn",
+ "1wb8",
+ "1jkc",
+ "1iwv",
+ "3viq",
+ "261l",
+ "6g07",
+ "1nuo",
+ "1s6l",
+ "2h6p",
+ "4lt3",
+ "2obx",
+ "3lh5",
+ "3vg3",
+ "1w7o",
+ "5zxk",
+ "4gwg",
+ "2mn4",
+ "1u7z",
+ "5cl7",
+ "1elc",
+ "5z9i",
+ "7knx",
+ "1ozh",
+ "7e4c",
+ "1fay",
+ "6c0w",
+ "2onr",
+ "5dn9",
+ "3vne",
+ "1b9v",
+ "4m66",
+ "2bip",
+ "1oav",
+ "5osz",
+ "2jos",
+ "5nmf",
+ "4wvt",
+ "7cru",
+ "4gh5",
+ "1utg",
+ "3i9u",
+ "4psh",
+ "3wg8",
+ "2eu2",
+ "1p4k",
+ "1n7g",
+ "7zv2",
+ "6xph",
+ "4qj2",
+ "4byj",
+ "6dcd",
+ "4h2h",
+ "4l2m",
+ "2hcv",
+ "7aom",
+ "3kae",
+ "1nxe",
+ "2bol",
+ "5fob",
+ "1rhj",
+ "7e2z",
+ "1beo",
+ "7lz9",
+ "1dz9",
+ "5stw",
+ "3zj7",
+ "5osa",
+ "7m4d",
+ "7b2u",
+ "3ams",
+ "3arn",
+ "6av1",
+ "6vuy",
+ "4ug1",
+ "3lzc",
+ "2c3d",
+ "5tie",
+ "2j3z",
+ "6grw",
+ "3u8m",
+ "4hlk",
+ "3ndp",
+ "6shm",
+ "7re3",
+ "2ck2",
+ "5zu1",
+ "2v8i",
+ "2wql",
+ "3nsd",
+ "4zvw",
+ "2msx",
+ "2w9w",
+ "4mb0",
+ "1umy",
+ "2b73",
+ "1fl3",
+ "1lio",
+ "1zv2",
+ "1rcf",
+ "4ojz",
+ "7l66",
+ "1fvs",
+ "3k7w",
+ "4pch",
+ "3gsw",
+ "5b46",
+ "2bb4",
+ "1xdy",
+ "1ksd",
+ "6bp1",
+ "1qqj",
+ "2v24",
+ "6kcx",
+ "4ckh",
+ "5apf",
+ "6cfe",
+ "8cet",
+ "1uej",
+ "7uhh",
+ "1b02",
+ "1fob",
+ "3vou",
+ "2m2f",
+ "6ux4",
+ "7rlf",
+ "6hc0",
+ "1dpx",
+ "3qbu",
+ "6eq4",
+ "4wzw",
+ "7l68",
+ "4nfg",
+ "3fop",
+ "2v6h",
+ "1um9",
+ "1cbu",
+ "7nm2",
+ "1p4s",
+ "5af6",
+ "6kff",
+ "3u3z",
+ "5c6t",
+ "2o90",
+ "4uz2",
+ "4o6c",
+ "7jgz",
+ "1vcr",
+ "5tjl",
+ "6ah8",
+ "3gng",
+ "1yen",
+ "4lxr",
+ "3lai",
+ "6fnx",
+ "1zvz",
+ "1lwr",
+ "2pu8",
+ "5bqc",
+ "1i8n",
+ "5uk0",
+ "1ur4",
+ "6njx",
+ "4pus",
+ "5yoj",
+ "2op9",
+ "3gd0",
+ "2vzy",
+ "3nnt",
+ "1y93",
+ "2poi",
+ "7s4l",
+ "3ena",
+ "3qid",
+ "5hso",
+ "4nfy",
+ "5cw9",
+ "6iz2",
+ "7lfk",
+ "1btg",
+ "4k1j",
+ "3rw7",
+ "2jm8",
+ "6jbz",
+ "2dhc",
+ "4rq0",
+ "4ucf",
+ "7qwx",
+ "5rep",
+ "1szo",
+ "6r3w",
+ "7kiq",
+ "8abu",
+ "7rip",
+ "4iqc",
+ "1phd",
+ "5tdw",
+ "1gf0",
+ "2wh8",
+ "2j5t",
+ "5zoj",
+ "6zvo",
+ "6s40",
+ "4u8l",
+ "5lhg",
+ "3kdg",
+ "4uul",
+ "2fac",
+ "3m3e",
+ "2agc",
+ "6h35",
+ "1th8",
+ "6ojn",
+ "1mv9",
+ "6rvx",
+ "4gkq",
+ "6r4z",
+ "2j5i",
+ "7rg5",
+ "3cab",
+ "3s7y",
+ "2lnt",
+ "2clf",
+ "7dtg",
+ "2n6m",
+ "3hep",
+ "2udp",
+ "6gss",
+ "8emu",
+ "3pww",
+ "5o1h",
+ "7tjw",
+ "6pad",
+ "5ye1",
+ "1ir9",
+ "1rch",
+ "5aq1",
+ "3siw",
+ "1v14",
+ "2n4i",
+ "4ljl",
+ "4l18",
+ "1it3",
+ "6fza",
+ "3u3y",
+ "4kxh",
+ "7w6k",
+ "3cus",
+ "2a5w",
+ "2in4",
+ "4fyp",
+ "5tla",
+ "4rlu",
+ "5kh9",
+ "3h64",
+ "2rus",
+ "2wn5",
+ "6gh7",
+ "3nnm",
+ "5ddp",
+ "5res",
+ "1gfl",
+ "4n6a",
+ "3tyi",
+ "2zz5",
+ "3mof",
+ "1s69",
+ "1ohm",
+ "1kjh",
+ "6imp",
+ "5d8c",
+ "8bps",
+ "3p4l",
+ "4ckm",
+ "2lao",
+ "1cye",
+ "1s3b",
+ "6vrm",
+ "5pnu",
+ "6som",
+ "6pl3",
+ "5hm0",
+ "3b1k",
+ "5ys5",
+ "6s9c",
+ "2vam",
+ "5xxo",
+ "2rnq",
+ "6vvb",
+ "1xqc",
+ "5tw1",
+ "3td2",
+ "5u3f",
+ "1t8o",
+ "3f6l",
+ "3hu8",
+ "1zne",
+ "1cwu",
+ "2iyn",
+ "5r1f",
+ "4nul",
+ "7x45",
+ "3hck",
+ "3q7f",
+ "3o8a",
+ "6qrs",
+ "3q72",
+ "1xzm",
+ "4m3w",
+ "6u11",
+ "1kv0",
+ "1qcg",
+ "4nnk",
+ "1cq1",
+ "7k2p",
+ "4zgu",
+ "4ipi",
+ "1d1r",
+ "2muj",
+ "8gr2",
+ "1y4j",
+ "1fvj",
+ "2q40",
+ "7mnm",
+ "7z1a",
+ "1zio",
+ "1oe9",
+ "6pab",
+ "6ho8",
+ "6exf",
+ "3s6w",
+ "7sco",
+ "4fnm",
+ "2lou",
+ "5qe4",
+ "3f78",
+ "4y9b",
+ "3jd2",
+ "7r5r",
+ "8i2g",
+ "4wa3",
+ "3neo",
+ "2gg1",
+ "5cpx",
+ "5u3x",
+ "2wd3",
+ "3qqa",
+ "5ank",
+ "6h1y",
+ "2x6v",
+ "2xgq",
+ "8etb",
+ "4lnp",
+ "6kos",
+ "4rch",
+ "6if2",
+ "2ijf",
+ "5bqz",
+ "1gi3",
+ "2bcj",
+ "3jzz",
+ "5fpm",
+ "4mrz",
+ "5m6r",
+ "5hvl",
+ "2ff7",
+ "2d1p",
+ "2vhe",
+ "1vqc",
+ "4py3",
+ "1dfa",
+ "5cmq",
+ "4wmu",
+ "6p8z",
+ "4qfy",
+ "3j8w",
+ "2ntl",
+ "197l",
+ "1irh",
+ "4tgf",
+ "7fai",
+ "2mfz",
+ "5r08",
+ "4ryu",
+ "2vex",
+ "7zlk",
+ "1b6u",
+ "3vob",
+ "2y4l",
+ "1ezw",
+ "7r89",
+ "7aol",
+ "2n9y",
+ "5o5w",
+ "7kak",
+ "5phi",
+ "3rkj",
+ "2few",
+ "6qxl",
+ "5z01",
+ "4glf",
+ "3u8h",
+ "6clu",
+ "5bk8",
+ "4h4m",
+ "6v5c",
+ "5iou",
+ "6ylt",
+ "5ppq",
+ "3jsq",
+ "5c76",
+ "2vt4",
+ "3h7t",
+ "1m1x",
+ "4p3q",
+ "2iyw",
+ "7s9a",
+ "3md0",
+ "2oki",
+ "3zty",
+ "4w4m",
+ "1u41",
+ "2jx0",
+ "5a32",
+ "2wn9",
+ "2b5b",
+ "5spb",
+ "1g9g",
+ "6xwt",
+ "1nbh",
+ "3n6e",
+ "4rem",
+ "1osz",
+ "6c4k",
+ "1htp",
+ "5uls",
+ "2x1f",
+ "1jp8",
+ "4qq4",
+ "6htr",
+ "4ytu",
+ "5nqh",
+ "3h7r",
+ "6bzo",
+ "3ibv",
+ "2z34",
+ "2b0l",
+ "1qx4",
+ "2ihw",
+ "7s5h",
+ "1pwh",
+ "2pgl",
+ "3imn",
+ "1b9t",
+ "4mff",
+ "7nf6",
+ "2r72",
+ "5xzu",
+ "5x8u",
+ "4a9m",
+ "5fdf",
+ "4gtq",
+ "5xde",
+ "5jha",
+ "4fo0",
+ "7y64",
+ "6bvs",
+ "6dlh",
+ "4og6",
+ "3k38",
+ "2hvl",
+ "7shh",
+ "1pcp",
+ "4jx9",
+ "8hfb",
+ "4cf0",
+ "2hs1",
+ "4okq",
+ "6g2g",
+ "3rx7",
+ "4c6h",
+ "1v15",
+ "2kwv",
+ "2hds",
+ "7kz8",
+ "3phf",
+ "3u0z",
+ "3vi4",
+ "3hol",
+ "5j1f",
+ "5ftl",
+ "5con",
+ "7ca5",
+ "3lpo",
+ "1tcp",
+ "3dzl",
+ "5y2s",
+ "5lbp",
+ "4oh8",
+ "6rgp",
+ "1ly9",
+ "1kwo",
+ "2c3i",
+ "5iwc",
+ "4j6s",
+ "3s13",
+ "1ql4",
+ "1c1m",
+ "7e1b",
+ "5yvo",
+ "7qpp",
+ "5b3g",
+ "1cmt",
+ "2i1a",
+ "6pa9",
+ "5tlq",
+ "4yrq",
+ "8dkp",
+ "6dvo",
+ "6cvm",
+ "2v2b",
+ "7mkm",
+ "6sns",
+ "2ecp",
+ "1p1i",
+ "4pov",
+ "2y92",
+ "6inb",
+ "5qe3",
+ "5cvy",
+ "2qto",
+ "6bpe",
+ "3kjz",
+ "2x7y",
+ "7paw",
+ "7biz",
+ "4dkt",
+ "3t57",
+ "6cvj",
+ "6os5",
+ "7mnr",
+ "4cj4",
+ "5whq",
+ "5zhk",
+ "1emu",
+ "7uut",
+ "5bpi",
+ "3eda",
+ "6hry",
+ "3ezi",
+ "7tu2",
+ "5edu",
+ "6s4p",
+ "5itj",
+ "5nms",
+ "2byw",
+ "6kh9",
+ "7p0a",
+ "5hfb",
+ "3zlw",
+ "4chs",
+ "7s3u",
+ "6oyt",
+ "3hz2",
+ "2gai",
+ "2fqf",
+ "4r9l",
+ "2j1g",
+ "7quy",
+ "1b4m",
+ "5poa",
+ "6gre",
+ "4djp",
+ "3l1p",
+ "1gan",
+ "7rlh",
+ "3jd3",
+ "5d50",
+ "4nd7",
+ "2wfp",
+ "2dvn",
+ "6uc0",
+ "3mxd",
+ "7b28",
+ "3ccs",
+ "7bzg",
+ "4wni",
+ "1z7l",
+ "2hyd",
+ "1oja",
+ "6zld",
+ "3htf",
+ "7nri",
+ "3zf5",
+ "2ht7",
+ "2wgj",
+ "1jpm",
+ "1io7",
+ "1k27",
+ "1htz",
+ "8b26",
+ "6u81",
+ "6ev6",
+ "6j5d",
+ "6upq",
+ "5x72",
+ "3nbt",
+ "5hlu",
+ "7b7p",
+ "1l1l",
+ "1ccb",
+ "1i25",
+ "6lxh",
+ "2uwo",
+ "3alx",
+ "4cop",
+ "1c75",
+ "7k4q",
+ "5zkn",
+ "7n2o",
+ "7kjo",
+ "7ms6",
+ "6jwq",
+ "2gu7",
+ "6m3y",
+ "2vlu",
+ "1t93",
+ "5gw4",
+ "3o1p",
+ "7nb0",
+ "3o7r",
+ "3mb5",
+ "7zrk",
+ "1jpr",
+ "2a7r",
+ "4b9p",
+ "7kna",
+ "2yk9",
+ "4fan",
+ "1ioi",
+ "2nww",
+ "5dg8",
+ "3bvp",
+ "3cho",
+ "6ful",
+ "2l2f",
+ "5wn0",
+ "3fx2",
+ "4msg",
+ "1yg8",
+ "5gid",
+ "4xli",
+ "6lkc",
+ "1mb3",
+ "4iho",
+ "5y9p",
+ "2zsz",
+ "6sfe",
+ "7y4p",
+ "2lat",
+ "7n94",
+ "3t3k",
+ "3a6l",
+ "1loh",
+ "5e69",
+ "1dt1",
+ "3vkw",
+ "2fix",
+ "6x85",
+ "4al5",
+ "8dj1",
+ "3bsd",
+ "1hd3",
+ "6atw",
+ "4qya",
+ "3p3z",
+ "6hgv",
+ "3v2n",
+ "4gio",
+ "1e06",
+ "3f8t",
+ "1p8i",
+ "2hxt",
+ "6c12",
+ "4d2e",
+ "6tmw",
+ "5tza",
+ "5pfm",
+ "6a3b",
+ "2xk8",
+ "1g7u",
+ "6c2v",
+ "6sht",
+ "2f6m",
+ "5iv8",
+ "4w71",
+ "6efd",
+ "8dss",
+ "5itt",
+ "1zt1",
+ "2e33",
+ "6bdf",
+ "1e5h",
+ "3sz2",
+ "5pgk",
+ "4yfg",
+ "1li1",
+ "2l6l",
+ "2zhl",
+ "6w3w",
+ "7vr6",
+ "5ghe",
+ "5rt3",
+ "1odq",
+ "2whb",
+ "3qgn",
+ "1j21",
+ "3vwk",
+ "2k6w",
+ "2vn3",
+ "4f7d",
+ "7ent",
+ "7s8q",
+ "3ojd",
+ "2vn6",
+ "4ex0",
+ "5rps",
+ "4rym",
+ "3ebe",
+ "5l64",
+ "5s3m",
+ "4cv1",
+ "6za6",
+ "6fjq",
+ "8dcf",
+ "4key",
+ "4ngm",
+ "6li2",
+ "1z1j",
+ "5ttb",
+ "3tep",
+ "7nge",
+ "4rwf",
+ "4aty",
+ "3v6s",
+ "3cy6",
+ "1uxp",
+ "4lrk",
+ "7z97",
+ "3kej",
+ "5cqy",
+ "2q9n",
+ "7c3u",
+ "5u06",
+ "1owc",
+ "3im8",
+ "1a0o",
+ "2spo",
+ "2prn",
+ "8dco",
+ "1j2a",
+ "4mi4",
+ "2kkg",
+ "6o9s",
+ "7yzv",
+ "6he5",
+ "1ld9",
+ "2n31",
+ "5wj9",
+ "5zry",
+ "5er0",
+ "4qw8",
+ "1f6m",
+ "5g5i",
+ "2jqk",
+ "6p46",
+ "1l9l",
+ "2czu",
+ "2i0v",
+ "4g6g",
+ "2c2u",
+ "4xt1",
+ "5l6q",
+ "1d7l",
+ "5bt2",
+ "5lu2",
+ "2tmy",
+ "3n14",
+ "4kpa",
+ "6o1d",
+ "7tj2",
+ "1nd5",
+ "3ufy",
+ "1jmq",
+ "4ip2",
+ "1sqi",
+ "8apq",
+ "7vqc",
+ "4yh2",
+ "7m0m",
+ "6rb3",
+ "1qb8",
+ "4wka",
+ "6lpp",
+ "6i06",
+ "5or9",
+ "4nv1",
+ "2qvt",
+ "1l2p",
+ "1fnc",
+ "1nnu",
+ "6on6",
+ "7ojh",
+ "3p97",
+ "6rwm",
+ "1gp8",
+ "7u76",
+ "4m7h",
+ "3kks",
+ "5n4h",
+ "5nod",
+ "4xv4",
+ "2h4v",
+ "2lti",
+ "4bwa",
+ "7rio",
+ "3sas",
+ "7ohl",
+ "4le2",
+ "1gxo",
+ "3iax",
+ "3sal",
+ "3tho",
+ "1se6",
+ "6y6b",
+ "2z5q",
+ "6uga",
+ "4wbg",
+ "5spj",
+ "6ghs",
+ "1dq9",
+ "7jrx",
+ "6rku",
+ "5uao",
+ "6ck3",
+ "7fcq",
+ "7o8d",
+ "2dsa",
+ "6iu4",
+ "6ypb",
+ "1pw4",
+ "2qwi",
+ "1oxj",
+ "5yx4",
+ "6l2l",
+ "7ksw",
+ "5wm4",
+ "3e2o",
+ "3csb",
+ "3gol",
+ "3lrv",
+ "2bch",
+ "6fzw",
+ "4ljn",
+ "4yrl",
+ "6twa",
+ "4ame",
+ "3g9y",
+ "7qkm",
+ "6fm6",
+ "5x8f",
+ "1h9m",
+ "1ezl",
+ "7ewb",
+ "5ycs",
+ "1mul",
+ "6bq4",
+ "5tpg",
+ "1l8f",
+ "1hyw",
+ "4pc3",
+ "1sx7",
+ "1bzv",
+ "4qkh",
+ "6ewr",
+ "1m8j",
+ "1g3d",
+ "4lfm",
+ "7u0n",
+ "8g85",
+ "6m1x",
+ "6du2",
+ "3a96",
+ "6rln",
+ "6hk6",
+ "3i5x",
+ "4b73",
+ "6tl4",
+ "3s9e",
+ "3wde",
+ "5ti2",
+ "4wsv",
+ "5plb",
+ "5lcm",
+ "6orp",
+ "4qsi",
+ "2p48",
+ "6lg0",
+ "7rmy",
+ "1lsg",
+ "6xkq",
+ "1cjc",
+ "6s84",
+ "1oke",
+ "1mvq",
+ "3ppw",
+ "2m0j",
+ "5wjn",
+ "2cby",
+ "6jui",
+ "2e81",
+ "1jky",
+ "3kyc",
+ "4toi",
+ "1gog",
+ "1u99",
+ "6idf",
+ "6rvz",
+ "3icv",
+ "1vz7",
+ "4do1",
+ "4pj5",
+ "1s2t",
+ "6e23",
+ "4h7x",
+ "5hei",
+ "6ad1",
+ "4b6c",
+ "2b11",
+ "4s1c",
+ "6bbr",
+ "4wbq",
+ "7fm8",
+ "6ne5",
+ "3cxf",
+ "5p7j",
+ "4i3m",
+ "4jw2",
+ "3h15",
+ "6odd",
+ "2bw8",
+ "7prw",
+ "5lxy",
+ "4hht",
+ "1zmd",
+ "6b77",
+ "1bv3",
+ "7b2l",
+ "5d41",
+ "6unk",
+ "3nd7",
+ "3juu",
+ "3ier",
+ "3iyj",
+ "5dcr",
+ "1ee5",
+ "1y83",
+ "5jw4",
+ "6hwy",
+ "2kn9",
+ "1xlr",
+ "5urv",
+ "6m90",
+ "2k4w",
+ "4eaj",
+ "3usg",
+ "6h9u",
+ "1hks",
+ "4ozl",
+ "1f2d",
+ "7vbz",
+ "5s48",
+ "1gpn",
+ "6rh5",
+ "5j1h",
+ "4djf",
+ "1g5g",
+ "2fuz",
+ "6ont",
+ "2k03",
+ "3omk",
+ "5do7",
+ "7f4f",
+ "6h44",
+ "2oiv",
+ "4xgk",
+ "6vsp",
+ "1dqw",
+ "7u8f",
+ "2e9m",
+ "3rr4",
+ "6m0t",
+ "4cta",
+ "1rji",
+ "3rn0",
+ "4tn8",
+ "5aiy",
+ "6yc0",
+ "7n4k",
+ "4d50",
+ "2ws7",
+ "3svm",
+ "5kcz",
+ "1cqs",
+ "3mxw",
+ "2wxf",
+ "1oql",
+ "2qiz",
+ "1ovz",
+ "2eif",
+ "3jbb",
+ "6nz0",
+ "5y5j",
+ "4wsl",
+ "1nb6",
+ "5ele",
+ "2b5x",
+ "2w35",
+ "1w5o",
+ "4z74",
+ "6xnc",
+ "5aa7",
+ "3b2u",
+ "7nir",
+ "3pkn",
+ "1xex",
+ "1k3j",
+ "4oxc",
+ "3dv6",
+ "2n8u",
+ "2hu0",
+ "6rsq",
+ "2ydq",
+ "4nnh",
+ "5w43",
+ "4lu4",
+ "5a20",
+ "6ymt",
+ "4n4v",
+ "1o7l",
+ "5lpr",
+ "4zgs",
+ "6adb",
+ "7z9d",
+ "5d8s",
+ "3gah",
+ "5jwp",
+ "5gn0",
+ "1z2c",
+ "2an0",
+ "5h66",
+ "6ih7",
+ "7sbu",
+ "7y79",
+ "6h0c",
+ "6rqg",
+ "1d9q",
+ "3h59",
+ "5i3b",
+ "6j8q",
+ "7so5",
+ "5v8o",
+ "1bmk",
+ "2riq",
+ "6y2d",
+ "3icb",
+ "4ejy",
+ "2kv4",
+ "1pfi",
+ "6kzb",
+ "7xge",
+ "4ltz",
+ "5o1y",
+ "3ter",
+ "3lio",
+ "5olh",
+ "4s3p",
+ "4xg0",
+ "6ho2",
+ "4qd3",
+ "1b5z",
+ "7m2i",
+ "7egv",
+ "1pd3",
+ "5yh3",
+ "1pcs",
+ "3p3n",
+ "5dvp",
+ "4xfh",
+ "3zln",
+ "4f55",
+ "6ga3",
+ "7kk3",
+ "4wh7",
+ "3sip",
+ "5c84",
+ "7bz0",
+ "6vft",
+ "1uz8",
+ "4k9x",
+ "5pvv",
+ "5ig4",
+ "2vto",
+ "6vo2",
+ "1kl1",
+ "6en0",
+ "4xxd",
+ "1qrn",
+ "6lol",
+ "4bi5",
+ "6tyh",
+ "4a6j",
+ "6shq",
+ "3o5r",
+ "5m2q",
+ "4ie4",
+ "5eg1",
+ "6oea",
+ "2ncp",
+ "4n60",
+ "1t4n",
+ "4d5t",
+ "5v6b",
+ "1bdo",
+ "4g4g",
+ "6vda",
+ "3pld",
+ "1gou",
+ "7uu3",
+ "2djg",
+ "7pou",
+ "4bdh",
+ "6cq5",
+ "6okr",
+ "4tz7",
+ "6utq",
+ "2kqx",
+ "2kee",
+ "7ku2",
+ "2rid",
+ "4a9e",
+ "2cqt",
+ "1coe",
+ "5qy3",
+ "3cz2",
+ "6n9l",
+ "6vjh",
+ "2uxi",
+ "1r1y",
+ "2jqt",
+ "6lql",
+ "7kll",
+ "4w4x",
+ "5hba",
+ "5vwv",
+ "5vy2",
+ "2z4v",
+ "3r4s",
+ "3g9v",
+ "7dvp",
+ "3nwj",
+ "1gya",
+ "6y4w",
+ "4aln",
+ "2hgw",
+ "2gg3",
+ "5w5r",
+ "5ftb",
+ "2b4m",
+ "4i1b",
+ "3hyu",
+ "5x9u",
+ "4cqx",
+ "2v6q",
+ "3ue5",
+ "7zbn",
+ "1k63",
+ "2j08",
+ "1tat",
+ "5d0h",
+ "1kwg",
+ "4wkp",
+ "3g9e",
+ "4wkg",
+ "1nys",
+ "4hvo",
+ "6i61",
+ "4ner",
+ "6ybh",
+ "7l4w",
+ "3nxx",
+ "2nvf",
+ "5lf5",
+ "3rqn",
+ "3m4v",
+ "6eqe",
+ "4ng7",
+ "1dgz",
+ "3own",
+ "2vsl",
+ "2v02",
+ "6hur",
+ "3ruo",
+ "4lsi",
+ "5g25",
+ "5y8e",
+ "6anp",
+ "7sum",
+ "1wle",
+ "2kf6",
+ "6edj",
+ "6agl",
+ "3rgu",
+ "4f9p",
+ "2lz4",
+ "1zcb",
+ "4a8u",
+ "2w53",
+ "8asi",
+ "6zts",
+ "3uyx",
+ "1vah",
+ "1lbx",
+ "6uo7",
+ "6tt8",
+ "1w63",
+ "5ygm",
+ "2jq3",
+ "6z2v",
+ "6x59",
+ "6rp9",
+ "7fk2",
+ "4l9p",
+ "7lwy",
+ "1tzp",
+ "5l82",
+ "4yw9",
+ "2pm8",
+ "7vt9",
+ "1qvr",
+ "3doo",
+ "4h2e",
+ "2ybr",
+ "1i92",
+ "1nzk",
+ "6aim",
+ "7cze",
+ "4d86",
+ "7zr3",
+ "1cj1",
+ "4lv0",
+ "3o49",
+ "2gn4",
+ "2ilk",
+ "1ddb",
+ "4zyy",
+ "6ecm",
+ "1mqg",
+ "2pvp",
+ "1e4s",
+ "5fkt",
+ "5mnb",
+ "4m5k",
+ "2f1f",
+ "7sw5",
+ "6rty",
+ "7cr1",
+ "5iza",
+ "2cny",
+ "3tbb",
+ "1jj9",
+ "4kdv",
+ "1qao",
+ "4lxa",
+ "6jvt",
+ "1agw",
+ "1km3",
+ "12as",
+ "7w14",
+ "1glq",
+ "7m5a",
+ "2o2r",
+ "2zev",
+ "5opq",
+ "5dy8",
+ "6ate",
+ "4d4t",
+ "6tbz",
+ "4fbi",
+ "5w2j",
+ "1p8x",
+ "4it0",
+ "4fge",
+ "1ut9",
+ "6bot",
+ "6izn",
+ "5l3e",
+ "1h5g",
+ "2jef",
+ "6se3",
+ "5sxl",
+ "1eal",
+ "1b4s",
+ "3pz5",
+ "4f1m",
+ "3e6k",
+ "7w7l",
+ "4pvh",
+ "3wja",
+ "5hl9",
+ "4oim",
+ "5o70",
+ "4jid",
+ "6yrs",
+ "6ocl",
+ "7n2z",
+ "6z1s",
+ "3a4e",
+ "6np5",
+ "2xlp",
+ "6w30",
+ "5eql",
+ "4ck2",
+ "3eb1",
+ "7jgs",
+ "6u14",
+ "7so3",
+ "1tej",
+ "2esu",
+ "2wzk",
+ "2xtm",
+ "6i4j",
+ "2ioo",
+ "5l05",
+ "1cls",
+ "3pnb",
+ "3exb",
+ "7bcs",
+ "2wge",
+ "2iz6",
+ "4hyh",
+ "6yol",
+ "4a0w",
+ "4rc8",
+ "1cpw",
+ "6ibp",
+ "2eua",
+ "5w2r",
+ "5z6h",
+ "1xxv",
+ "6lx7",
+ "7s8t",
+ "4a6y",
+ "5lae",
+ "3mih",
+ "8dsz",
+ "7v0o",
+ "5lfv",
+ "5onx",
+ "2gmh",
+ "8iah",
+ "3v16",
+ "6cvd",
+ "2bwt",
+ "6vg7",
+ "6rdx",
+ "1qrt",
+ "7w4e",
+ "5mpk",
+ "1u8w",
+ "3g1l",
+ "3eya",
+ "6pgb",
+ "2tbd",
+ "1zmv",
+ "3pe2",
+ "6vv7",
+ "4ot9",
+ "6xck",
+ "2cwr",
+ "2qe0",
+ "3g6l",
+ "3ftq",
+ "3bs0",
+ "4mvm",
+ "7xt6",
+ "1f3x",
+ "7qtw",
+ "3bmw",
+ "1yyf",
+ "7m8n",
+ "7dld",
+ "5zne",
+ "2dqy",
+ "2n3d",
+ "5r8p",
+ "1tye",
+ "6lvd",
+ "3v2b",
+ "7atv",
+ "3tow",
+ "3oa2",
+ "6mim",
+ "3und",
+ "2v3f",
+ "2tct",
+ "6de4",
+ "3r5z",
+ "7mu0",
+ "5uqs",
+ "7tre",
+ "8dzc",
+ "2mx8",
+ "1p50",
+ "5yit",
+ "5xe3",
+ "5vgy",
+ "6vao",
+ "2acm",
+ "4p5i",
+ "5fe6",
+ "2pog",
+ "5bwk",
+ "3u9d",
+ "7zuy",
+ "6uvb",
+ "7uiz",
+ "1ns0",
+ "7cql",
+ "5iux",
+ "5zgg",
+ "2m0z",
+ "7rrc",
+ "3nm0",
+ "2w0d",
+ "1sb2",
+ "5x93",
+ "4zpo",
+ "7eat",
+ "2yqs",
+ "5apk",
+ "7pf6",
+ "1qi2",
+ "3ckj",
+ "2k29",
+ "2khi",
+ "3ro5",
+ "1e8b",
+ "5o0b",
+ "5p3g",
+ "3d29",
+ "5m8a",
+ "7cwb",
+ "3ni0",
+ "1qd1",
+ "4rro",
+ "7ngl",
+ "8eqr",
+ "6o6l",
+ "3o2d",
+ "7t6b",
+ "3miv",
+ "2phy",
+ "1u2j",
+ "1dkk",
+ "1q0v",
+ "127l",
+ "4n2b",
+ "1xsx",
+ "5ijv",
+ "4uhd",
+ "2bza",
+ "5kn8",
+ "6rq9",
+ "5y6j",
+ "4gr1",
+ "3k9s",
+ "6kuj",
+ "3wh7",
+ "1wqm",
+ "6mvo",
+ "8e5v",
+ "5b64",
+ "1g0t",
+ "6iht",
+ "5rlf",
+ "2a30",
+ "6clh",
+ "1zmg",
+ "1xc4",
+ "8c9v",
+ "7wsb",
+ "3c3o",
+ "1lcn",
+ "8f7y",
+ "1fbg",
+ "4m5r",
+ "4b5u",
+ "6lud",
+ "2vwm",
+ "3sbs",
+ "2wy4",
+ "2m2r",
+ "5j5f",
+ "3ua5",
+ "5ovz",
+ "2b2n",
+ "1rga",
+ "5qzm",
+ "1atd",
+ "4c9h",
+ "4fg7",
+ "4cb8",
+ "1v6d",
+ "1t6n",
+ "5tjt",
+ "3mvd",
+ "3oyx",
+ "3a50",
+ "4muw",
+ "4bw4",
+ "4orr",
+ "6idb",
+ "6ran",
+ "1qnp",
+ "1po3",
+ "4jfs",
+ "3vee",
+ "5p1t",
+ "7kvp",
+ "5ktu",
+ "4qjw",
+ "3o4t",
+ "4g0z",
+ "5z3r",
+ "6xh8",
+ "6hir",
+ "3ouk",
+ "4pc1",
+ "6wqk",
+ "6m0k",
+ "2pvd",
+ "5of0",
+ "2qb6",
+ "7u5j",
+ "6bpm",
+ "1w90",
+ "5na4",
+ "1ii2",
+ "1nyc",
+ "4wl2",
+ "3a42",
+ "1mf1",
+ "1tpu",
+ "2ebo",
+ "2yjg",
+ "4dj4",
+ "4f47",
+ "3rdz",
+ "1e42",
+ "7frx",
+ "2v3s",
+ "1hsa",
+ "1mzt",
+ "4ko0",
+ "5ra4",
+ "6vp3",
+ "2j6k",
+ "1e6k",
+ "2wzy",
+ "1p2k",
+ "4c6r",
+ "4wa4",
+ "6vqn",
+ "5e9i",
+ "1qca",
+ "2kkj",
+ "4mmp",
+ "6yyt",
+ "2mgb",
+ "3c35",
+ "1ex9",
+ "7zgw",
+ "5e0y",
+ "1khq",
+ "1z26",
+ "1cja",
+ "2uwf",
+ "5u52",
+ "6f9m",
+ "4p5o",
+ "4ihf",
+ "3s3o",
+ "2v1o",
+ "1f4u",
+ "4ja7",
+ "2zq1",
+ "5rnt",
+ "5rtz",
+ "3n0h",
+ "7f23",
+ "7rgs",
+ "5jik",
+ "5lvw",
+ "5nvi",
+ "3v6i",
+ "6i9c",
+ "7d4o",
+ "7jtb",
+ "5bn3",
+ "5xn3",
+ "4fhk",
+ "4gf9",
+ "3f18",
+ "6j32",
+ "1z86",
+ "6o0w",
+ "5dff",
+ "4hgw",
+ "6hno",
+ "3h2k",
+ "5qcs",
+ "2c0g",
+ "5btx",
+ "6xx4",
+ "1gxy",
+ "1uod",
+ "1mvy",
+ "2paj",
+ "4hdj",
+ "5o7t",
+ "6lw8",
+ "1om9",
+ "8e0x",
+ "4zqy",
+ "6fdt",
+ "4uuy",
+ "4bfz",
+ "7z3r",
+ "7f4h",
+ "8djd",
+ "2mss",
+ "7yif",
+ "7wct",
+ "1zuq",
+ "6z3s",
+ "6y0h",
+ "5opx",
+ "5wbp",
+ "4loh",
+ "1b75",
+ "1l03",
+ "4ewi",
+ "3oq9",
+ "3leo",
+ "6b5y",
+ "5cfj",
+ "1sgv",
+ "5rp4",
+ "7vh6",
+ "6vsk",
+ "5mbz",
+ "6i2o",
+ "4odx",
+ "5d19",
+ "3e28",
+ "4aju",
+ "4c30",
+ "7rxp",
+ "4e6a",
+ "6bs5",
+ "7t3f",
+ "3b0x",
+ "6j8w",
+ "6uw5",
+ "1n6p",
+ "7lsq",
+ "4awn",
+ "5uxu",
+ "1wc2",
+ "7jy3",
+ "1bax",
+ "6jc8",
+ "7wio",
+ "1afj",
+ "2jgu",
+ "1pc2",
+ "3eio",
+ "6v7a",
+ "3rtl",
+ "5fvx",
+ "1fme",
+ "5twg",
+ "2nlj",
+ "7lll",
+ "6nym",
+ "5ior",
+ "3tw3",
+ "5k3w",
+ "1jg2",
+ "2wok",
+ "4g6v",
+ "2afx",
+ "7bkq",
+ "7zuu",
+ "2f9o",
+ "7b3t",
+ "4g1t",
+ "3mx6",
+ "7o07",
+ "1qwf",
+ "3ax4",
+ "4xa7",
+ "6fob",
+ "6kp7",
+ "6hwf",
+ "7wmf",
+ "5kfh",
+ "2c44",
+ "1wyv",
+ "3njt",
+ "7o1b",
+ "4xcb",
+ "6wz3",
+ "3s5n",
+ "5odu",
+ "6s3h",
+ "1uih",
+ "5k3x",
+ "3hrw",
+ "5pv3",
+ "3pv4",
+ "5fsi",
+ "6y6p",
+ "2og6",
+ "2zzd",
+ "2zvi",
+ "6qli",
+ "1hn2",
+ "1jzg",
+ "3m9j",
+ "4u80",
+ "5akl",
+ "6jki",
+ "4jdy",
+ "3l3l",
+ "6gse",
+ "6wvj",
+ "5osj",
+ "5jb1",
+ "1lry",
+ "2kwi",
+ "7lre",
+ "2pj9",
+ "1ivf",
+ "2vqy",
+ "7q1o",
+ "6hbm",
+ "2xen",
+ "5irl",
+ "8d88",
+ "6euu",
+ "4i3v",
+ "5gu4",
+ "2dg3",
+ "7w7h",
+ "4qz5",
+ "2wg4",
+ "4wyg",
+ "1pnm",
+ "5qlq",
+ "5qyv",
+ "2ra4",
+ "4loj",
+ "5yc5",
+ "5mx8",
+ "5ob4",
+ "3f4v",
+ "3aiu",
+ "4mtr",
+ "3egs",
+ "6ue5",
+ "3q2d",
+ "2n9t",
+ "6izl",
+ "6ki7",
+ "1m4g",
+ "2m5d",
+ "3mkm",
+ "4m47",
+ "3pa1",
+ "2wus",
+ "5jxz",
+ "3umq",
+ "7u3e",
+ "3c2y",
+ "5efr",
+ "7cbu",
+ "5kkk",
+ "3uik",
+ "4nd1",
+ "7kjg",
+ "1fh7",
+ "2inp",
+ "4r8s",
+ "1afr",
+ "7z2q",
+ "3lmo",
+ "6gsb",
+ "4nex",
+ "7kai",
+ "1a76",
+ "4z8v",
+ "5bvd",
+ "1p2j",
+ "7tqv",
+ "3web",
+ "3ecm",
+ "5az0",
+ "3p9m",
+ "6ddh",
+ "4mpm",
+ "4a5n",
+ "2z3o",
+ "2c32",
+ "5jow",
+ "1dx9",
+ "3ln0",
+ "6h6z",
+ "4bj4",
+ "4nqv",
+ "2jlm",
+ "4r9h",
+ "6kbr",
+ "4ake",
+ "2giu",
+ "1okv",
+ "5iqp",
+ "4jc7",
+ "4l4f",
+ "7jh4",
+ "5pgm",
+ "2qnz",
+ "6p1r",
+ "1c5v",
+ "4lvg",
+ "5e3t",
+ "2ax8",
+ "1o4a",
+ "3gar",
+ "1h5s",
+ "8ece",
+ "2e9l",
+ "5yab",
+ "5ih9",
+ "3g3x",
+ "1dht",
+ "2qa0",
+ "6jal",
+ "3dwi",
+ "4zsb",
+ "4xdv",
+ "1h89",
+ "5sug",
+ "1onz",
+ "3nx1",
+ "3sjl",
+ "6hz1",
+ "4i89",
+ "2nlw",
+ "2nuk",
+ "1fcs",
+ "8ajk",
+ "4qr2",
+ "5mq5",
+ "1g0x",
+ "2ydp",
+ "1fk4",
+ "3fis",
+ "3nwd",
+ "3gfw",
+ "5z9e",
+ "2cnw",
+ "3kfd",
+ "4lco",
+ "4l6u",
+ "7s8w",
+ "4qdf",
+ "5mof",
+ "4v1d",
+ "7evz",
+ "7u7c",
+ "4ou8",
+ "1xs5",
+ "3qlj",
+ "2efg",
+ "6oiy",
+ "3u6p",
+ "2zrc",
+ "7vpn",
+ "6rto",
+ "7cj0",
+ "5jyp",
+ "2z66",
+ "6m4o",
+ "3gi4",
+ "6dd0",
+ "2h3v",
+ "2vd7",
+ "1hbg",
+ "2jo8",
+ "7tmr",
+ "4mkt",
+ "7e8n",
+ "2q6t",
+ "4ksr",
+ "7vjh",
+ "7zw1",
+ "1qoa",
+ "4mzc",
+ "2azq",
+ "4x1d",
+ "1b7n",
+ "6hc1",
+ "5piu",
+ "5wg7",
+ "5yy5",
+ "3q0o",
+ "7o2p",
+ "1f47",
+ "5oio",
+ "4lla",
+ "5vds",
+ "7l0n",
+ "3uce",
+ "5cyr",
+ "4azm",
+ "5pod",
+ "7oll",
+ "7nu0",
+ "7tqe",
+ "6w0i",
+ "4fq9",
+ "2qx9",
+ "1a77",
+ "4d8m",
+ "3w7b",
+ "3ufo",
+ "2gmi",
+ "2wp6",
+ "3tvj",
+ "7pko",
+ "3eu5",
+ "7zkw",
+ "5puz",
+ "6kx3",
+ "2kc6",
+ "4e3f",
+ "1eyt",
+ "2x6y",
+ "6z9i",
+ "5hjd",
+ "5qz2",
+ "5j8u",
+ "5pua",
+ "7mu2",
+ "3hf9",
+ "8cwv",
+ "1qii",
+ "7c8l",
+ "4zxm",
+ "2m1k",
+ "4b2x",
+ "1eow",
+ "6ehg",
+ "8bc4",
+ "6xy4",
+ "5bsm",
+ "1e6w",
+ "5y9t",
+ "5a3j",
+ "5sor",
+ "2ei6",
+ "6bh8",
+ "4nn3",
+ "3rvm",
+ "1kx0",
+ "2n8f",
+ "4jd0",
+ "7vqa",
+ "7tof",
+ "7cya",
+ "4mcn",
+ "1qu2",
+ "7p0r",
+ "5pij",
+ "7tzb",
+ "3zsq",
+ "7bby",
+ "5yej",
+ "4ff8",
+ "5bya",
+ "5vlr",
+ "1rku",
+ "1dxx",
+ "3lge",
+ "2vve",
+ "1ji9",
+ "6kdo",
+ "5dcs",
+ "4lp1",
+ "3uin",
+ "2vgi",
+ "6hh4",
+ "1dlh",
+ "1hfs",
+ "2beg",
+ "7z0b",
+ "5iyv",
+ "3el4",
+ "4fgc",
+ "1zg4",
+ "2jib",
+ "1dim",
+ "5ntw",
+ "3qwy",
+ "6sff",
+ "5nth",
+ "1gcb",
+ "6kv0",
+ "2bes",
+ "1z4n",
+ "4j01",
+ "3bxy",
+ "2m4g",
+ "5i5a",
+ "4fna",
+ "4m2w",
+ "3dhe",
+ "7a0v",
+ "2kfy",
+ "4b6p",
+ "1o9y",
+ "2okl",
+ "1gde",
+ "6fco",
+ "7a8x",
+ "5k39",
+ "1t5z",
+ "7ekl",
+ "5nge",
+ "2juc",
+ "6kiv",
+ "4lor",
+ "2pkg",
+ "6jyy",
+ "6y2c",
+ "3pnm",
+ "7efj",
+ "2mm9",
+ "6fkw",
+ "2wu0",
+ "4ldi",
+ "2if0",
+ "1l7e",
+ "2l4x",
+ "3o1v",
+ "3jx2",
+ "3cnz",
+ "1xjm",
+ "1fgm",
+ "7t6d",
+ "1cw6",
+ "3eg2",
+ "6gs3",
+ "6pxr",
+ "6e9h",
+ "7pry",
+ "1hdp",
+ "4qo1",
+ "7osk",
+ "4c7q",
+ "1oh5",
+ "7mi2",
+ "7s5x",
+ "4nj8",
+ "5vsx",
+ "6njo",
+ "7r71",
+ "1k0b",
+ "5wkp",
+ "6zpc",
+ "1mix",
+ "5oeo",
+ "7t8b",
+ "5ks1",
+ "5pnz",
+ "3p96",
+ "5vfi",
+ "2je8",
+ "4kqr",
+ "1ekv",
+ "5a5c",
+ "6b1s",
+ "3qft",
+ "2f6f",
+ "6exw",
+ "1ioq",
+ "5jxm",
+ "4j2l",
+ "6f3p",
+ "5cht",
+ "1pb9",
+ "7ek3",
+ "3rup",
+ "2o3u",
+ "7k9v",
+ "3uq6",
+ "2ykj",
+ "4i5i",
+ "4lj6",
+ "6mry",
+ "3ov5",
+ "2h42",
+ "2qfw",
+ "5vam",
+ "6e7d",
+ "3g7a",
+ "4iaw",
+ "1gam",
+ "3hxy",
+ "7w6j",
+ "3nwm",
+ "4wz3",
+ "7ng9",
+ "5oc1",
+ "2y4s",
+ "5wkn",
+ "3ina",
+ "5i0w",
+ "184l",
+ "7vdc",
+ "4b9v",
+ "5x8y",
+ "2ccy",
+ "5g5s",
+ "6rmp",
+ "2eo7",
+ "2zrm",
+ "1t2u",
+ "3in3",
+ "7tbg",
+ "6p1d",
+ "5rfd",
+ "5zic",
+ "7te6",
+ "3eux",
+ "2xv1",
+ "1uqt",
+ "1h5n",
+ "8i17",
+ "2gw5",
+ "5iw0",
+ "6nte",
+ "1otu",
+ "7mdp",
+ "3lsm",
+ "2xgn",
+ "6wsi",
+ "2ews",
+ "6d3v",
+ "4z99",
+ "5myt",
+ "4gvb",
+ "8czn",
+ "2gvb",
+ "5nc6",
+ "4yz0",
+ "6h60",
+ "7b73",
+ "2gjj",
+ "4dsf",
+ "3vhe",
+ "3lyq",
+ "6uwr",
+ "4kzy",
+ "5tu4",
+ "8i8s",
+ "2m3t",
+ "6ccl",
+ "1uw7",
+ "5jdu",
+ "5dwy",
+ "5m0p",
+ "2xxx",
+ "1c6t",
+ "2g0l",
+ "5k8r",
+ "7dp2",
+ "3nr6",
+ "4l4c",
+ "8dju",
+ "2wt4",
+ "3gjd",
+ "7bs8",
+ "4cfr",
+ "7loi",
+ "5y62",
+ "5zq2",
+ "7a3j",
+ "1t40",
+ "6iiy",
+ "7zub",
+ "6nv7",
+ "2hi3",
+ "7woj",
+ "4gem",
+ "2hp7",
+ "5i9m",
+ "4def",
+ "6v2n",
+ "3ph3",
+ "5pya",
+ "6zuy",
+ "4oxs",
+ "4n4b",
+ "6hka",
+ "6phy",
+ "6ttj",
+ "6c80",
+ "2olo",
+ "6sna",
+ "5nwm",
+ "5u1q",
+ "6xop",
+ "5e8m",
+ "4hwb",
+ "7pvj",
+ "6wyb",
+ "1dmh",
+ "4xg6",
+ "3vas",
+ "7teq",
+ "6diy",
+ "1zdv",
+ "2hu9",
+ "3acp",
+ "4lk8",
+ "6vrw",
+ "7b92",
+ "2psq",
+ "3e3r",
+ "5fmd",
+ "6pn4",
+ "6a80",
+ "8ewu",
+ "3k5i",
+ "1lqk",
+ "5v4m",
+ "5tgv",
+ "5bxn",
+ "3d22",
+ "2vrq",
+ "2lgi",
+ "7tps",
+ "4eag",
+ "7jty",
+ "5v86",
+ "5lnv",
+ "2kp1",
+ "3skn",
+ "2nzt",
+ "3ctj",
+ "7suq",
+ "1fda",
+ "4z3p",
+ "7ahs",
+ "4fbt",
+ "4wzy",
+ "5tfm",
+ "6vt1",
+ "1h1i",
+ "3onk",
+ "5jee",
+ "5zro",
+ "5g6e",
+ "5y4o",
+ "3gyr",
+ "3kvf",
+ "5azf",
+ "4qe1",
+ "6eoc",
+ "4frh",
+ "5d3p",
+ "4rjt",
+ "1elq",
+ "6a4p",
+ "4lnb",
+ "5mqq",
+ "5ona",
+ "3tnx",
+ "5r3s",
+ "5h92",
+ "7c9m",
+ "2x81",
+ "7add",
+ "3que",
+ "6gki",
+ "7pcc",
+ "5pk6",
+ "4l53",
+ "2gth",
+ "1s2z",
+ "1jvt",
+ "1khu",
+ "1wk8",
+ "1gwp",
+ "3zoo",
+ "1hqp",
+ "2zxc",
+ "5j9r",
+ "3n33",
+ "4f1u",
+ "6uuj",
+ "1soy",
+ "5vyy",
+ "1oep",
+ "3wcg",
+ "6ai8",
+ "2mwp",
+ "4q5m",
+ "1pto",
+ "1dto",
+ "5i29",
+ "5i48",
+ "5iyy",
+ "5sqx",
+ "1x9q",
+ "1t9b",
+ "1nw3",
+ "2zoa",
+ "6x3s",
+ "5ymr",
+ "5a8d",
+ "1n0i",
+ "1y2e",
+ "2wil",
+ "4cb6",
+ "5emt",
+ "7tiy",
+ "7f1n",
+ "3wk2",
+ "3tmz",
+ "5yxo",
+ "3wvn",
+ "6gji",
+ "2yk7",
+ "8dfb",
+ "6s2n",
+ "5ymu",
+ "8hdk",
+ "6ijb",
+ "1tj4",
+ "1xoz",
+ "4xa9",
+ "5xds",
+ "6lvy",
+ "6dwy",
+ "4u81",
+ "2q5s",
+ "4lf0",
+ "3gq2",
+ "6t4d",
+ "6up4",
+ "2rka",
+ "7a5e",
+ "4jwe",
+ "1sds",
+ "3jca",
+ "5l8r",
+ "5z4c",
+ "3twv",
+ "5a6r",
+ "4quv",
+ "6gaq",
+ "3dxd",
+ "6w53",
+ "7xml",
+ "6juu",
+ "2m6a",
+ "7p4g",
+ "5b59",
+ "1sxw",
+ "1g1g",
+ "3zox",
+ "6a67",
+ "1fj8",
+ "3wae",
+ "1b9n",
+ "2one",
+ "5bn4",
+ "4aou",
+ "1kms",
+ "5m65",
+ "2ksj",
+ "4wwb",
+ "4aj3",
+ "7f6d",
+ "2bp6",
+ "2bj4",
+ "3zxk",
+ "5oq4",
+ "3piv",
+ "3kwz",
+ "1wb9",
+ "7mgt",
+ "1ibf",
+ "2pcu",
+ "1di2",
+ "5v32",
+ "6ait",
+ "1jmz",
+ "3ld8",
+ "5kxc",
+ "3o26",
+ "2vnh",
+ "7me6",
+ "6rkt",
+ "4jb2",
+ "7bg4",
+ "6jcn",
+ "6ony",
+ "2zpc",
+ "1r58",
+ "6i8v",
+ "7pmu",
+ "1dbw",
+ "5c1y",
+ "4a99",
+ "6ljw",
+ "3rjh",
+ "6thl",
+ "6rkv",
+ "2jg9",
+ "1ymq",
+ "1pm6",
+ "5jwu",
+ "2hmv",
+ "2e2c",
+ "2hlp",
+ "4zvf",
+ "5hk9",
+ "4bxu",
+ "7tlk",
+ "6b24",
+ "5fh3",
+ "6p7p",
+ "3zm5",
+ "4wiq",
+ "6z8r",
+ "3kpr",
+ "7by8",
+ "5i9b",
+ "2yb6",
+ "1w4v",
+ "5hjr",
+ "6jg2",
+ "1wql",
+ "5ck5",
+ "1f99",
+ "2csm",
+ "5wwr",
+ "7nl6",
+ "6ekz",
+ "3ufx",
+ "5svl",
+ "1y8k",
+ "1kt8",
+ "1b0e",
+ "3uib",
+ "6zis",
+ "6luq",
+ "7lfy",
+ "6x84",
+ "6t8i",
+ "6tzp",
+ "3zn1",
+ "8gnj",
+ "6kf4",
+ "1tku",
+ "7od8",
+ "6xz1",
+ "3d5o",
+ "4w5p",
+ "3k4j",
+ "1jku",
+ "7c8d",
+ "1imc",
+ "1p1t",
+ "7zwt",
+ "3wyr",
+ "4q02",
+ "2cxo",
+ "3v82",
+ "2nrb",
+ "2pef",
+ "3kjs",
+ "1z15",
+ "4wg2",
+ "4pre",
+ "2mce",
+ "6vhz",
+ "1pp9",
+ "2g1n",
+ "1jkt",
+ "1uke",
+ "2e5m",
+ "4j5q",
+ "7l2l",
+ "6xjx",
+ "4eb3",
+ "6i63",
+ "1b3b",
+ "6tqy",
+ "1l0x",
+ "3i29",
+ "6yv0",
+ "6ei1",
+ "3fj5",
+ "4ps5",
+ "5u03",
+ "4ksi",
+ "5jb5",
+ "6pmd",
+ "2fa2",
+ "1nuy",
+ "7k98",
+ "4j6n",
+ "6jc4",
+ "5px8",
+ "1rm3",
+ "2xoz",
+ "1asx",
+ "4pby",
+ "5nj3",
+ "1o57",
+ "3zsr",
+ "6zvl",
+ "2jzo",
+ "2a0t",
+ "1roc",
+ "6vht",
+ "1zxt",
+ "3lbl",
+ "4lbt",
+ "3len",
+ "4mzb",
+ "6u3d",
+ "1r66",
+ "2cgf",
+ "1irj",
+ "5yhi",
+ "1n89",
+ "5ygy",
+ "2viq",
+ "3cm6",
+ "7kkw",
+ "5nc4",
+ "6url",
+ "4a0z",
+ "3ol9",
+ "3rp2",
+ "1rp7",
+ "7l7g",
+ "4cb9",
+ "4uuo",
+ "6r1l",
+ "2pow",
+ "2waa",
+ "6o07",
+ "2bdw",
+ "4f0g",
+ "1bya",
+ "1jlh",
+ "6uec",
+ "1p4a",
+ "5kuc",
+ "1osn",
+ "7pfy",
+ "4ydd",
+ "4xt9",
+ "4dj0",
+ "4uc2",
+ "4irm",
+ "3wqr",
+ "7c3k",
+ "4k96",
+ "5mxn",
+ "2a68",
+ "2w10",
+ "1ang",
+ "6e0i",
+ "7qvu",
+ "7bop",
+ "1q1o",
+ "1t67",
+ "5e6m",
+ "4y2x",
+ "3vjo",
+ "6niu",
+ "5yqr",
+ "3lxr",
+ "3cpp",
+ "5lvz",
+ "5xxp",
+ "6ef9",
+ "1v1j",
+ "5mda",
+ "7tuv",
+ "1fnt",
+ "1k1j",
+ "6mmi",
+ "8d3f",
+ "5ney",
+ "5u48",
+ "4os3",
+ "4i79",
+ "7jtk",
+ "5su0",
+ "2vvn",
+ "5khq",
+ "4yp5",
+ "6pa3",
+ "4obe",
+ "3h2j",
+ "5zr1",
+ "2lwq",
+ "5nph",
+ "5dcn",
+ "3bs9",
+ "4gsf",
+ "6gtv",
+ "5s2l",
+ "4d3w",
+ "2hrw",
+ "6gi1",
+ "4cjr",
+ "3c0p",
+ "5z2h",
+ "5mw7",
+ "1xve",
+ "5njq",
+ "1mz8",
+ "5mmr",
+ "6dv2",
+ "7x9c",
+ "3zkc",
+ "3t5z",
+ "2hb8",
+ "3abu",
+ "6nye",
+ "5g2b",
+ "1ybj",
+ "5owu",
+ "8all",
+ "5exe",
+ "3qti",
+ "2ogy",
+ "6q0l",
+ "5mkr",
+ "6zq4",
+ "2hna",
+ "2psr",
+ "6bgk",
+ "1rin",
+ "3axh",
+ "4p2e",
+ "4ts5",
+ "6t10",
+ "1ke8",
+ "6g8o",
+ "8ans",
+ "3fzh",
+ "7c5x",
+ "3ibj",
+ "7uj0",
+ "1czc",
+ "1llf",
+ "7llk",
+ "7ebw",
+ "4f2i",
+ "3mbp",
+ "6blw",
+ "5i5h",
+ "5c5p",
+ "4bfn",
+ "6emr",
+ "2is0",
+ "4bt3",
+ "6s93",
+ "6sd8",
+ "1hk7",
+ "5w4b",
+ "1xii",
+ "4fjy",
+ "2a1r",
+ "7oj6",
+ "1g5n",
+ "6erj",
+ "7e4h",
+ "6zkq",
+ "4yov",
+ "5lgb",
+ "1aw3",
+ "4bh5",
+ "5y98",
+ "6vcb",
+ "4x0p",
+ "6c95",
+ "1o0b",
+ "3fyo",
+ "7ohi",
+ "1b2i",
+ "3qqs",
+ "3q7z",
+ "1bg6",
+ "1ew4",
+ "1x9g",
+ "6gjh",
+ "6kb6",
+ "2c6e",
+ "3uqa",
+ "6yhi",
+ "4jwr",
+ "7ylx",
+ "5dzu",
+ "8d12",
+ "3myg",
+ "6ezn",
+ "6hu5",
+ "5yga",
+ "6t5y",
+ "2we1",
+ "3q01",
+ "5hwk",
+ "2abj",
+ "3u2u",
+ "4r1v",
+ "2zrk",
+ "1cid",
+ "7b8r",
+ "6mld",
+ "2uzc",
+ "6f3u",
+ "1sb0",
+ "5a9c",
+ "3jcg",
+ "1aeq",
+ "5e04",
+ "2wcp",
+ "1de3",
+ "1ga2",
+ "6urj",
+ "4zpm",
+ "6qmb",
+ "1pzr",
+ "5xa5",
+ "5uqr",
+ "1s3z",
+ "5lb1",
+ "1kri",
+ "5n6q",
+ "6c66",
+ "3lnf",
+ "5xgr",
+ "2dwn",
+ "4aw6",
+ "5oue",
+ "5ixl",
+ "3tjv",
+ "1tia",
+ "5nm5",
+ "2cf6",
+ "5nli",
+ "3a26",
+ "7efw",
+ "2z1x",
+ "6wza",
+ "1kq1",
+ "5eh7",
+ "5dgz",
+ "6fi1",
+ "7rmb",
+ "1nrb",
+ "3qps",
+ "1y92",
+ "6iai",
+ "2n5c",
+ "1s58",
+ "6qox",
+ "1mxo",
+ "3hwc",
+ "4muv",
+ "4m4a",
+ "2d4j",
+ "2kjc",
+ "7pfk",
+ "4npj",
+ "4ibi",
+ "7t6h",
+ "2qew",
+ "4pq7",
+ "4n1k",
+ "7sd2",
+ "2d1u",
+ "1xui",
+ "2wmr",
+ "3qkr",
+ "4u0c",
+ "5x6v",
+ "6dwz",
+ "5uoa",
+ "1f8r",
+ "5ibi",
+ "1pbh",
+ "1btj",
+ "2qcq",
+ "7m0e",
+ "3ipa",
+ "6tk6",
+ "6d1e",
+ "5fwr",
+ "2qwo",
+ "1kio",
+ "1s6v",
+ "2pv9",
+ "5qy1",
+ "6daa",
+ "6kyd",
+ "1nb4",
+ "6xyy",
+ "6f1c",
+ "2vnt",
+ "2lj4",
+ "2c36",
+ "3wqg",
+ "1p01",
+ "6ior",
+ "7o1f",
+ "1eex",
+ "3qx8",
+ "6hym",
+ "7oc9",
+ "7azt",
+ "6jdw",
+ "1u0n",
+ "2fsj",
+ "5aph",
+ "6rqr",
+ "1upu",
+ "5sz0",
+ "4y85",
+ "2x4k",
+ "7clx",
+ "8b7s",
+ "5ivd",
+ "4mea",
+ "4tq6",
+ "1lq0",
+ "4j2k",
+ "2b8l",
+ "2y3l",
+ "3bp9",
+ "3fqs",
+ "5hdq",
+ "6yt7",
+ "2y1b",
+ "5deg",
+ "3p2m",
+ "1ros",
+ "1gew",
+ "3rfi",
+ "1hd0",
+ "5jin",
+ "1p1q",
+ "6enk",
+ "5qy5",
+ "7q47",
+ "2hmo",
+ "6n90",
+ "5kmk",
+ "7qjw",
+ "3est",
+ "5z8a",
+ "1bf6",
+ "4tl8",
+ "3soj",
+ "6ng2",
+ "6nwc",
+ "4d8c",
+ "2iy0",
+ "1bgy",
+ "8abz",
+ "5wb6",
+ "4m7r",
+ "3v9z",
+ "5rm9",
+ "1nf4",
+ "1gn1",
+ "6dmw",
+ "5r93",
+ "6td5",
+ "1xf0",
+ "1qz7",
+ "1c8s",
+ "7q6a",
+ "7f9m",
+ "6o1c",
+ "7pku",
+ "4cpu",
+ "5jdl",
+ "6bil",
+ "5mhr",
+ "6cct",
+ "4el3",
+ "5ofx",
+ "7m7u",
+ "7fhl",
+ "6g1p",
+ "7qdw",
+ "7swg",
+ "6eki",
+ "4dxx",
+ "6t84",
+ "3kqe",
+ "7l1g",
+ "3tar",
+ "5zqp",
+ "6hpw",
+ "3lyo",
+ "1ylz",
+ "6brt",
+ "1dqn",
+ "1ozw",
+ "3hqd",
+ "7bh6",
+ "6h23",
+ "6jee",
+ "7kui",
+ "4kqo",
+ "5ihg",
+ "4mqp",
+ "6oxq",
+ "5syb",
+ "4jsq",
+ "1vkq",
+ "3l41",
+ "2yn4",
+ "3ku5",
+ "1k0h",
+ "2zc3",
+ "4mgs",
+ "2uyf",
+ "7l2h",
+ "1e2n",
+ "5e7m",
+ "5l7l",
+ "5d1z",
+ "1s6r",
+ "5gqu",
+ "7rfr",
+ "1hm3",
+ "3o03",
+ "5t44",
+ "3rij",
+ "3f0y",
+ "3hrs",
+ "7u4k",
+ "1j4p",
+ "6ob2",
+ "7x2f",
+ "6t7c",
+ "6ngq",
+ "1y1a",
+ "4dqi",
+ "7okj",
+ "6n0q",
+ "3qh2",
+ "5jmc",
+ "4cos",
+ "7wxq",
+ "1r6q",
+ "1vps",
+ "2d2a",
+ "5naw",
+ "5k0t",
+ "2nxw",
+ "3ur0",
+ "1qsi",
+ "2r0k",
+ "4pj7",
+ "5pel",
+ "4apn",
+ "7vkn",
+ "3f9c",
+ "4om4",
+ "2mv3",
+ "6u8g",
+ "7s4n",
+ "5ckv",
+ "3ehs",
+ "4e46",
+ "1aa0",
+ "7v1c",
+ "4lbu",
+ "6eh8",
+ "5amm",
+ "6fos",
+ "3jz4",
+ "1iqc",
+ "4w6y",
+ "6qac",
+ "5fh6",
+ "6dha",
+ "2c1v",
+ "1w59",
+ "8aqt",
+ "2y5p",
+ "5dls",
+ "4i3c",
+ "4qv5",
+ "5mi7",
+ "7ool",
+ "6x00",
+ "4e99",
+ "1t8a",
+ "4umw",
+ "2xyi",
+ "1z13",
+ "5y0p",
+ "2cvv",
+ "5k3v",
+ "4i64",
+ "1nnc",
+ "5all",
+ "3n4q",
+ "6kft",
+ "4xxe",
+ "1rze",
+ "5iiy",
+ "6wen",
+ "2fh5",
+ "6tp2",
+ "1dfq",
+ "4fgf",
+ "6kk5",
+ "6d7w",
+ "6zms",
+ "3rq5",
+ "4wc7",
+ "6lyj",
+ "6tj2",
+ "1zv6",
+ "3g4q",
+ "4ill",
+ "5aff",
+ "3plp",
+ "3mg0",
+ "1t5c",
+ "3wkl",
+ "3ost",
+ "1jwh",
+ "7s18",
+ "4hbk",
+ "6zlt",
+ "2o5d",
+ "6i2g",
+ "4cc0",
+ "6zjy",
+ "3p5l",
+ "6uqj",
+ "1sww",
+ "1jwu",
+ "2rva",
+ "1bog",
+ "1m7s",
+ "4qos",
+ "5e6b",
+ "6s8a",
+ "4d3u",
+ "5e8b",
+ "1rqu",
+ "5z9q",
+ "5wae",
+ "2rjp",
+ "1ecz",
+ "1ay7",
+ "2e1x",
+ "5azh",
+ "5pba",
+ "4osg",
+ "5byi",
+ "3pgw",
+ "4xyy",
+ "2afp",
+ "3nr0",
+ "6tas",
+ "5n11",
+ "6fjs",
+ "5yy4",
+ "4a9h",
+ "3zvi",
+ "3zed",
+ "3mol",
+ "6auy",
+ "2l4n",
+ "3a3d",
+ "2zdt",
+ "2qos",
+ "1yvy",
+ "4did",
+ "1wor",
+ "5al3",
+ "5w3c",
+ "3rmj",
+ "5frb",
+ "4jvc",
+ "4n9o",
+ "6vrh",
+ "1q1n",
+ "5eyz",
+ "1o8j",
+ "5z9g",
+ "4d3v",
+ "3i63",
+ "1elv",
+ "2p1u",
+ "5pnh",
+ "4i36",
+ "5vwk",
+ "5hpz",
+ "1qrf",
+ "2ova",
+ "5h2w",
+ "5h8v",
+ "6mr4",
+ "4yym",
+ "4tkf",
+ "7plw",
+ "1lqx",
+ "5nel",
+ "2yaa",
+ "4ct6",
+ "4zgn",
+ "6cps",
+ "2xil",
+ "3a7b",
+ "8ewq",
+ "7voa",
+ "4tva",
+ "4d7i",
+ "1yko",
+ "6jop",
+ "4d33",
+ "6mit",
+ "2j2f",
+ "3ud8",
+ "6tlw",
+ "6g44",
+ "5h9k",
+ "2o98",
+ "5kn2",
+ "7ch9",
+ "3u0j",
+ "4nkb",
+ "7faj",
+ "1dzb",
+ "2bug",
+ "6czy",
+ "2z18",
+ "5am5",
+ "5s18",
+ "6h2h",
+ "6a2m",
+ "5mej",
+ "1e5l",
+ "7wgn",
+ "4obu",
+ "5ost",
+ "2wm1",
+ "7jiu",
+ "2fap",
+ "5nw7",
+ "3d31",
+ "7cci",
+ "5st3",
+ "3zpe",
+ "6bph",
+ "3urd",
+ "2gfy",
+ "8d08",
+ "4tsk",
+ "7azk",
+ "1qlg",
+ "5zrc",
+ "4j81",
+ "5l92",
+ "3fwe",
+ "1gct",
+ "7y9x",
+ "3k5z",
+ "2a1t",
+ "2mo1",
+ "2hbh",
+ "2acr",
+ "2lp3",
+ "2jg5",
+ "1p5f",
+ "4m5f",
+ "1n3x",
+ "2rke",
+ "6cie",
+ "8dpi",
+ "7fmm",
+ "4f1t",
+ "6aaa",
+ "2r5v",
+ "6mx0",
+ "4dw6",
+ "7zk3",
+ "5i43",
+ "2ie7",
+ "5f7z",
+ "4nco",
+ "2dv0",
+ "1v1o",
+ "5py3",
+ "6bqh",
+ "6r0k",
+ "6fwu",
+ "2l3p",
+ "2kes",
+ "5fem",
+ "4a21",
+ "7lt2",
+ "6ghb",
+ "1n2a",
+ "7aa9",
+ "2orx",
+ "2nxq",
+ "4epl",
+ "7bb7",
+ "6pg4",
+ "3m2g",
+ "3t15",
+ "5r3l",
+ "6d1d",
+ "6k0v",
+ "6h0f",
+ "3p7j",
+ "3jvb",
+ "6c8g",
+ "5z4d",
+ "7q6v",
+ "6a0s",
+ "1hll",
+ "5hps",
+ "5p6d",
+ "7cgl",
+ "6mdz",
+ "5dlg",
+ "5f25",
+ "4xgo",
+ "1sps",
+ "1eks",
+ "6l3n",
+ "1yge",
+ "4je7",
+ "3dz3",
+ "7t1v",
+ "3wrz",
+ "6ht1",
+ "5dw6",
+ "3wic",
+ "2ccd",
+ "4n6l",
+ "6o2r",
+ "4y8u",
+ "4c53",
+ "1i3h",
+ "6d21",
+ "6b8k",
+ "2wpt",
+ "6ldb",
+ "3vgv",
+ "2p9k",
+ "1ale",
+ "1qme",
+ "1t7k",
+ "5v57",
+ "1xak",
+ "4wj7",
+ "2v9v",
+ "1gb5",
+ "3l4c",
+ "5k7r",
+ "1u29",
+ "3zur",
+ "3vyx",
+ "1fpe",
+ "2kxv",
+ "1p9l",
+ "4awl",
+ "2goy",
+ "4bo4",
+ "3pbi",
+ "1s3i",
+ "1v33",
+ "5a2y",
+ "1dl2",
+ "5yx9",
+ "3ux7",
+ "5goc",
+ "7cs9",
+ "4mq6",
+ "2ql7",
+ "3sig",
+ "3qyb",
+ "5oc5",
+ "4jas",
+ "3ztt",
+ "2ahx",
+ "2wvl",
+ "7epf",
+ "3l4u",
+ "3hoa",
+ "6h7b",
+ "2fnk",
+ "2o3t",
+ "4x3r",
+ "5ar3",
+ "1a4c",
+ "3inl",
+ "6n3n",
+ "1oqe",
+ "6mac",
+ "2max",
+ "1hlf",
+ "3wi0",
+ "5fto",
+ "4nv7",
+ "1phg",
+ "4psv",
+ "7xaz",
+ "3i57",
+ "4cti",
+ "4gmg",
+ "3uyv",
+ "1bfc",
+ "5bx9",
+ "3hmg",
+ "4axp",
+ "1r37",
+ "2jrh",
+ "4lso",
+ "5uwu",
+ "6bg4",
+ "7xhf",
+ "5end",
+ "1t48",
+ "7uvn",
+ "1g7p",
+ "8ctj",
+ "5c47",
+ "6jqn",
+ "4nhr",
+ "7n5s",
+ "6c07",
+ "6oqi",
+ "7x8k",
+ "1k6m",
+ "3hg0",
+ "1dph",
+ "6xvk",
+ "6gwu",
+ "5mqx",
+ "6g62",
+ "5lnu",
+ "1kmq",
+ "5scc",
+ "3e5m",
+ "6htd",
+ "6cm3",
+ "2efd",
+ "7l5k",
+ "4p26",
+ "5vcr",
+ "1ov9",
+ "2abd",
+ "6mmh",
+ "2lzl",
+ "4r3h",
+ "1a5u",
+ "4s1b",
+ "3vnd",
+ "3sp9",
+ "6jyn",
+ "8e8j",
+ "7obp",
+ "5u2b",
+ "2g26",
+ "1z4q",
+ "4zir",
+ "3hru",
+ "3vco",
+ "6oha",
+ "4cnm",
+ "5zbt",
+ "6wlb",
+ "5ut0",
+ "7fow",
+ "5m13",
+ "7z26",
+ "4rm2",
+ "4kek",
+ "5kow",
+ "3cko",
+ "2ai5",
+ "1c6o",
+ "3ktg",
+ "6don",
+ "5s1m",
+ "2iug",
+ "2kak",
+ "4l7b",
+ "6v1h",
+ "2ayq",
+ "7eyj",
+ "4yxc",
+ "1ozg",
+ "1mcf",
+ "1x8u",
+ "3svp",
+ "2djm",
+ "5t3t",
+ "3j0f",
+ "4bi9",
+ "6qm8",
+ "5ep1",
+ "4oe1",
+ "5lt4",
+ "2pkt",
+ "6qtn",
+ "7csq",
+ "3zhp",
+ "7vi0",
+ "5d29",
+ "3skc",
+ "7ckv",
+ "1rbw",
+ "4bmq",
+ "5d2i",
+ "5jax",
+ "2zbk",
+ "3q9b",
+ "2cd9",
+ "5eer",
+ "6tbx",
+ "7lan",
+ "4fk7",
+ "6bbh",
+ "1cxy",
+ "3e6r",
+ "4hbx",
+ "3pd8",
+ "6nhz",
+ "5b30",
+ "1tx7",
+ "2h9m",
+ "4a7y",
+ "5tlm",
+ "1f4n",
+ "1n6h",
+ "4jvu",
+ "1e8s",
+ "4y9e",
+ "5fo5",
+ "3g5m",
+ "5p9k",
+ "2bba",
+ "7bjp",
+ "4fm1",
+ "2rcm",
+ "2agk",
+ "5h80",
+ "3zk2",
+ "7fmi",
+ "2c82",
+ "4jn9",
+ "3x33",
+ "6qgh",
+ "6wu1",
+ "4ywd",
+ "7mo2",
+ "5ph3",
+ "2lfs",
+ "3h9s",
+ "5mbd",
+ "1jny",
+ "6i7b",
+ "1fb6",
+ "2jar",
+ "3ee9",
+ "2zsx",
+ "3blf",
+ "4ok4",
+ "6lpa",
+ "3zrb",
+ "1wvh",
+ "3obu",
+ "5sqf",
+ "3wc1",
+ "2pbn",
+ "5txo",
+ "5zma",
+ "2ppo",
+ "5zlj",
+ "7yim",
+ "3ces",
+ "3fxu",
+ "7ktm",
+ "4cha",
+ "1iwt",
+ "7bnp",
+ "3nax",
+ "4ya0",
+ "6wn7",
+ "7y62",
+ "1b77",
+ "1kuz",
+ "2cg8",
+ "5pnt",
+ "5wzu",
+ "2ifo",
+ "6vxm",
+ "1bzg",
+ "6p7l",
+ "3cpz",
+ "4ce9",
+ "5n1z",
+ "4grv",
+ "5go4",
+ "1p5b",
+ "7lem",
+ "3l4w",
+ "5pnm",
+ "8ads",
+ "2czh",
+ "1mk0",
+ "4oso",
+ "2liu",
+ "2wda",
+ "5jxs",
+ "4jem",
+ "1kqk",
+ "5ufi",
+ "3tzc",
+ "7mxe",
+ "5epd",
+ "4fwe",
+ "1qxe",
+ "8ck0",
+ "4dol",
+ "7vih",
+ "4gz1",
+ "3dcu",
+ "4lxj",
+ "7nwj",
+ "4v2l",
+ "2xee",
+ "2hih",
+ "4gr9",
+ "1zj6",
+ "5crm",
+ "7fnl",
+ "4wvf",
+ "6xxe",
+ "4zb6",
+ "7vm0",
+ "6izo",
+ "6nud",
+ "6rdr",
+ "2o6i",
+ "6mj8",
+ "4wol",
+ "5znl",
+ "2qps",
+ "4alg",
+ "1jkx",
+ "3o8e",
+ "3t3s",
+ "4f7r",
+ "4rih",
+ "5scj",
+ "7bh1",
+ "4g3t",
+ "7xwa",
+ "4p93",
+ "6rmn",
+ "2y7r",
+ "5u84",
+ "6pih",
+ "2lnc",
+ "5zm6",
+ "5ukf",
+ "1dag",
+ "5yda",
+ "2kqp",
+ "2xnm",
+ "1zac",
+ "1xl1",
+ "1r5b",
+ "1pgt",
+ "2gtk",
+ "1mk3",
+ "248l",
+ "4qyn",
+ "5nik",
+ "3vos",
+ "1oii",
+ "2jkm",
+ "2gal",
+ "4cy8",
+ "4o3a",
+ "5nnw",
+ "6uh8",
+ "6xcb",
+ "3tgq",
+ "1frk",
+ "7mwn",
+ "4x16",
+ "3imd",
+ "6yhh",
+ "7l0k",
+ "3dt9",
+ "2b5a",
+ "2afr",
+ "4hls",
+ "5j9s",
+ "6w78",
+ "5kfl",
+ "1hdm",
+ "5vxg",
+ "1cw5",
+ "3oc3",
+ "4ydt",
+ "6t07",
+ "4eby",
+ "3f10",
+ "5d96",
+ "2wsw",
+ "7cwf",
+ "8bw6",
+ "3j9i",
+ "3wv9",
+ "4qek",
+ "5cxt",
+ "2w3j",
+ "4m48",
+ "2hxh",
+ "3zxb",
+ "2uye",
+ "3wt7",
+ "7vif",
+ "4a4a",
+ "7vbr",
+ "6nz2",
+ "4ium",
+ "2a0a",
+ "3fs3",
+ "2o89",
+ "2lrs",
+ "7tin",
+ "3ppq",
+ "4g3n",
+ "7f6l",
+ "4jic",
+ "6t7x",
+ "6yjz",
+ "5vu8",
+ "5r0r",
+ "1iiu",
+ "5zh4",
+ "1up9",
+ "6jlz",
+ "6acr",
+ "4gx0",
+ "8e8d",
+ "2cbp",
+ "6wee",
+ "1em1",
+ "4qbm",
+ "1z3n",
+ "6wb5",
+ "5m91",
+ "2csx",
+ "4x5b",
+ "5nva",
+ "7a9d",
+ "6h7m",
+ "4i53",
+ "1j0t",
+ "3a4s",
+ "3dya",
+ "6udv",
+ "5lj2",
+ "5en3",
+ "1jli",
+ "2zsa",
+ "2ht6",
+ "6q53",
+ "6ekn",
+ "6iwq",
+ "3pw1",
+ "3sjp",
+ "2z4f",
+ "2j0m",
+ "3x2g",
+ "5j2q",
+ "2wol",
+ "5j5d",
+ "2xd2",
+ "7l9p",
+ "3zfo",
+ "7t6v",
+ "5vxh",
+ "2wdy",
+ "7jx3",
+ "6c9q",
+ "1gcw",
+ "6bsi",
+ "7u2u",
+ "1zyi",
+ "7w56",
+ "7ekj",
+ "2ka4",
+ "2q8a",
+ "4yvh",
+ "6k1b",
+ "4g85",
+ "2ycp",
+ "7cbj",
+ "3rmz",
+ "2i6a",
+ "1uiw",
+ "3abx",
+ "3leg",
+ "1odr",
+ "5pwr",
+ "2sga",
+ "1ibw",
+ "7emb",
+ "2ksk",
+ "3fqa",
+ "6kr5",
+ "7pv6",
+ "5eci",
+ "5yht",
+ "1jiu",
+ "5j17",
+ "6mk1",
+ "4g4r",
+ "3riw",
+ "3uod",
+ "3lzl",
+ "6bvh",
+ "4gvt",
+ "2v0u",
+ "7zcr",
+ "3scl",
+ "1smu",
+ "4uu7",
+ "4bmw",
+ "7v5p",
+ "6q1v",
+ "6k9z",
+ "7xp5",
+ "2c55",
+ "3vo1",
+ "6gwm",
+ "3hqz",
+ "2zhd",
+ "3dep",
+ "1xti",
+ "2r4e",
+ "1iwe",
+ "5owf",
+ "7avy",
+ "2jlf",
+ "4b2a",
+ "6p3k",
+ "7l6k",
+ "7esa",
+ "2bmi",
+ "5hwj",
+ "6kqi",
+ "6m39",
+ "4yna",
+ "2c5b",
+ "7lr6",
+ "6kun",
+ "3v8f",
+ "4z1l",
+ "2fdn",
+ "3edb",
+ "7cvo",
+ "7c8p",
+ "3nsk",
+ "1ala",
+ "4idd",
+ "1x3e",
+ "6g05",
+ "6nti",
+ "7ym0",
+ "3ifo",
+ "7p2q",
+ "7tur",
+ "3f73",
+ "5p9g",
+ "7ald",
+ "1qzu",
+ "7oqq",
+ "4hsg",
+ "6kue",
+ "1aq3",
+ "6oc5",
+ "3tdg",
+ "3qfs",
+ "7z72",
+ "4iex",
+ "2vp2",
+ "4rkn",
+ "5bvh",
+ "1bx0",
+ "6n1t",
+ "4lg2",
+ "6qxx",
+ "3e86",
+ "6d5s",
+ "3t7a",
+ "6ssu",
+ "2q7m",
+ "7ebz",
+ "5l5a",
+ "6m9z",
+ "7xnn",
+ "4dqu",
+ "2c5l",
+ "7cf8",
+ "1doq",
+ "4gz9",
+ "7tt4",
+ "2wug",
+ "3lat",
+ "4gcx",
+ "1oj6",
+ "4ze1",
+ "5pok",
+ "7lit",
+ "1svo",
+ "2rkf",
+ "4tx6",
+ "4d8h",
+ "4r4q",
+ "2rnk",
+ "2ara",
+ "7zy5",
+ "1dxk",
+ "2we5",
+ "7oxz",
+ "6qma",
+ "6s2z",
+ "6j69",
+ "3hop",
+ "2jbs",
+ "5p7v",
+ "1ydg",
+ "7ut5",
+ "3gu0",
+ "1x89",
+ "1q5e",
+ "3ls2",
+ "6fnj",
+ "5saa",
+ "2wjg",
+ "2eib",
+ "4k3h",
+ "2hs3",
+ "4cp4",
+ "1loz",
+ "7knq",
+ "3zkk",
+ "6p25",
+ "1bt3",
+ "4uap",
+ "5d6y",
+ "5u75",
+ "4lcl",
+ "7og7",
+ "4lhw",
+ "4hsb",
+ "2af8",
+ "3wdg",
+ "4ooi",
+ "7laz",
+ "2vdt",
+ "4bao",
+ "7o60",
+ "1i1g",
+ "1qrr",
+ "5fru",
+ "4cis",
+ "3e0l",
+ "7k4o",
+ "6u7j",
+ "7kdy",
+ "2q54",
+ "4pee",
+ "3c3c",
+ "5osh",
+ "7snz",
+ "1ds9",
+ "1ppq",
+ "2aqb",
+ "2x66",
+ "1yru",
+ "3ihc",
+ "3b8y",
+ "5zz2",
+ "3im7",
+ "1i1q",
+ "5kp8",
+ "1g05",
+ "6p3j",
+ "5pef",
+ "2qpw",
+ "3oey",
+ "2fmg",
+ "7dmf",
+ "1eab",
+ "4k1p",
+ "6mau",
+ "7exf",
+ "4l70",
+ "2m9k",
+ "1gug",
+ "1ayg",
+ "1l8g",
+ "7zer",
+ "6sy4",
+ "5zct",
+ "1n73",
+ "5bxo",
+ "6dw4",
+ "4nz8",
+ "1yxc",
+ "1w1r",
+ "5kjt",
+ "7owu",
+ "4akt",
+ "7br9",
+ "3l4v",
+ "3vw9",
+ "4fxc",
+ "4ugh",
+ "3kcl",
+ "2z9g",
+ "6xor",
+ "6typ",
+ "6y11",
+ "1ar0",
+ "6x39",
+ "5ruh",
+ "3vgm",
+ "7c6f",
+ "7no1",
+ "3igp",
+ "2h4p",
+ "7a1k",
+ "7vxy",
+ "2mre",
+ "4c39",
+ "6tbc",
+ "1f24",
+ "3jzg",
+ "4bod",
+ "6ro8",
+ "4pg1",
+ "1ebt",
+ "6w69",
+ "6a4a",
+ "1gwa",
+ "7bwn",
+ "4wc1",
+ "3g2v",
+ "6ckw",
+ "3q9l",
+ "2w8k",
+ "2p2g",
+ "4umi",
+ "2vx1",
+ "6nzz",
+ "1sj2",
+ "3v55",
+ "6t0m",
+ "3mcj",
+ "4uhs",
+ "1jzd",
+ "7fi0",
+ "4a8w",
+ "7nx8",
+ "1rmh",
+ "5s34",
+ "5tle",
+ "3qqr",
+ "5de9",
+ "5cwa",
+ "2p2j",
+ "4lvj",
+ "6z1d",
+ "6y88",
+ "1svr",
+ "6y4z",
+ "1qbo",
+ "4tqh",
+ "1eug",
+ "2gir",
+ "5bk6",
+ "2esg",
+ "7bfy",
+ "7lmq",
+ "4tq2",
+ "6a58",
+ "5pez",
+ "3n97",
+ "4zoz",
+ "2bro",
+ "2hug",
+ "5reb",
+ "1r8n",
+ "3t3o",
+ "7lkd",
+ "4zaz",
+ "4iic",
+ "4jdg",
+ "8dwk",
+ "1cd8",
+ "4nnx",
+ "5y70",
+ "4u6s",
+ "7o1v",
+ "6vgk",
+ "3r9j",
+ "2b53",
+ "5wic",
+ "4w96",
+ "2iua",
+ "2xd0",
+ "5b1s",
+ "5unr",
+ "5ggk",
+ "2vr5",
+ "2had",
+ "5p71",
+ "1acv",
+ "1rtk",
+ "3awr",
+ "2xjm",
+ "5kza",
+ "2x1u",
+ "2yol",
+ "3nod",
+ "5j1k",
+ "4z2s",
+ "4u6w",
+ "6j7m",
+ "2kkd",
+ "6l2q",
+ "2vmo",
+ "2qqm",
+ "4p9o",
+ "5kd8",
+ "1euc",
+ "7rfh",
+ "2pqg",
+ "6but",
+ "6pd5",
+ "4opd",
+ "1fwk",
+ "3p8p",
+ "1qhi",
+ "2rnt",
+ "4mku",
+ "3d67",
+ "5n8d",
+ "7mwb",
+ "4w7n",
+ "2af2",
+ "4ecc",
+ "1rj5",
+ "3e3f",
+ "5no1",
+ "6n6k",
+ "1gjw",
+ "5zx9",
+ "2py2",
+ "1xb7",
+ "1mri",
+ "240l",
+ "6gzo",
+ "7uql",
+ "3x06",
+ "1sm7",
+ "5im6",
+ "3n7x",
+ "6l9n",
+ "1iph",
+ "2w3i",
+ "4djv",
+ "7r3z",
+ "4aqr",
+ "4ohw",
+ "5k02",
+ "3b65",
+ "3ioc",
+ "3m0b",
+ "1psa",
+ "4cja",
+ "4aql",
+ "7c6j",
+ "6i1p",
+ "3epg",
+ "2ouy",
+ "6a9w",
+ "6qpg",
+ "2jzl",
+ "7f72",
+ "6lsa",
+ "3kf5",
+ "1k03",
+ "5kea",
+ "6otz",
+ "3wl1",
+ "5lg0",
+ "5zho",
+ "2q71",
+ "7s67",
+ "3btn",
+ "4eqw",
+ "1pvv",
+ "6y6z",
+ "1sd1",
+ "6ram",
+ "6irh",
+ "2zp5",
+ "6c0p",
+ "4ooa",
+ "2blo",
+ "5k1g",
+ "1kni",
+ "5tkb",
+ "2oj4",
+ "2ree",
+ "5rdj",
+ "7a7b",
+ "6ot9",
+ "6bpo",
+ "3jwz",
+ "3f7b",
+ "7b97",
+ "6uuv",
+ "7tpt",
+ "3ggj",
+ "6rdq",
+ "4tod",
+ "5xw3",
+ "4fxo",
+ "3htg",
+ "2r5q",
+ "6o0m",
+ "4bh1",
+ "7kv9",
+ "1vtp",
+ "5cew",
+ "5yjk",
+ "6ah7",
+ "5zv3",
+ "1e1o",
+ "5w6x",
+ "3qt3",
+ "7amk",
+ "1x7g",
+ "5a45",
+ "6wzw",
+ "4ubl",
+ "2fvc",
+ "6hon",
+ "1ssz",
+ "6tqf",
+ "1v40",
+ "4p9j",
+ "6zkk",
+ "5n5h",
+ "5fqc",
+ "6j3l",
+ "7tfp",
+ "2me2",
+ "7veh",
+ "6c88",
+ "2ns5",
+ "7ee2",
+ "1aq5",
+ "1d8z",
+ "4mb7",
+ "7qri",
+ "1yj7",
+ "7vcu",
+ "2clz",
+ "5pg4",
+ "2q6l",
+ "5lxk",
+ "7r2b",
+ "7kqv",
+ "7dvl",
+ "5neg",
+ "1nux",
+ "1zcp",
+ "4ok7",
+ "5oe4",
+ "1op8",
+ "7s6t",
+ "2jr3",
+ "3cq5",
+ "7s57",
+ "1doh",
+ "3eob",
+ "1khk",
+ "6v6m",
+ "4c9o",
+ "2qlv",
+ "7jiy",
+ "8dd1",
+ "1pch",
+ "2egn",
+ "8c6o",
+ "4geh",
+ "5dc5",
+ "4kr7",
+ "1mf6",
+ "7n63",
+ "4ap4",
+ "2mjz",
+ "5pi5",
+ "7dsv",
+ "5kw6",
+ "4ocz",
+ "5p7g",
+ "1kzn",
+ "3q85",
+ "6kof",
+ "6jyf",
+ "1gyu",
+ "1d4p",
+ "6gly",
+ "6gv8",
+ "4qp7",
+ "4rqr",
+ "6el7",
+ "1vcq",
+ "3la7",
+ "7p85",
+ "4u7a",
+ "3u3m",
+ "6f3v",
+ "4m7f",
+ "3s0c",
+ "3qgy",
+ "4xnl",
+ "5wpn",
+ "1rea",
+ "2xyh",
+ "7de7",
+ "4rwo",
+ "6bao",
+ "5ad8",
+ "7lxu",
+ "4xm6",
+ "5a81",
+ "1m1c",
+ "6bqw",
+ "2lv8",
+ "2y2t",
+ "5jyk",
+ "5gt5",
+ "7tmp",
+ "6d7c",
+ "4ghs",
+ "1i3s",
+ "5k0h",
+ "2wau",
+ "3d2b",
+ "2mxf",
+ "6r8q",
+ "7mwh",
+ "6vzb",
+ "6rz3",
+ "5v4w",
+ "152l",
+ "6rdz",
+ "1v8m",
+ "5gvn",
+ "2akh",
+ "3jz0",
+ "1ccp",
+ "6rdj",
+ "3zyg",
+ "7joy",
+ "1xya",
+ "4qe7",
+ "1onv",
+ "6xub",
+ "1kh7",
+ "6w1h",
+ "4ert",
+ "7for",
+ "3l17",
+ "2r5w",
+ "3zmb",
+ "2kqd",
+ "4jh2",
+ "3jw0",
+ "6s64",
+ "3rc5",
+ "4m23",
+ "2ltd",
+ "5yxh",
+ "6wdn",
+ "5pue",
+ "3iq5",
+ "5oz1",
+ "5dwb",
+ "1b8l",
+ "7csb",
+ "1jo5",
+ "8dbb",
+ "3a3g",
+ "4pjd",
+ "2bt2",
+ "3ot3",
+ "7qpj",
+ "1qr4",
+ "5oek",
+ "5sot",
+ "7jrg",
+ "1r1v",
+ "3zyj",
+ "4zaf",
+ "2nmz",
+ "3ff5",
+ "5k12",
+ "6wnj",
+ "2fns",
+ "5w1e",
+ "6w6n",
+ "2m4f",
+ "4i5o",
+ "4zsz",
+ "1j9z",
+ "5b82",
+ "7jmp",
+ "4wy1",
+ "1ldy",
+ "7ae9",
+ "1h5t",
+ "4j0r",
+ "5ydo",
+ "4h60",
+ "5ikc",
+ "3e2b",
+ "1jdd",
+ "5j9c",
+ "7pyu",
+ "2f59",
+ "1ivp",
+ "3aap",
+ "6elv",
+ "6w56",
+ "2zb9",
+ "1n06",
+ "3hc0",
+ "6jbq",
+ "1cy1",
+ "3ggy",
+ "6gpu",
+ "3av2",
+ "1tdf",
+ "2lev",
+ "7yca",
+ "7tde",
+ "4g8i",
+ "1n9o",
+ "7c45",
+ "1z1w",
+ "6dv3",
+ "6piu",
+ "7vln",
+ "5pgh",
+ "2m50",
+ "6yxa",
+ "7bd5",
+ "2kfl",
+ "6r8n",
+ "7dr7",
+ "1eoh",
+ "5hf7",
+ "6f81",
+ "4au9",
+ "6lur",
+ "2qdf",
+ "5p6p",
+ "5t2e",
+ "7cik",
+ "3d9n",
+ "3x16",
+ "7d2x",
+ "2gv2",
+ "1si4",
+ "8gv5",
+ "6d63",
+ "1g8k",
+ "2l6s",
+ "2add",
+ "5t6q",
+ "2ddf",
+ "4ks0",
+ "4hiq",
+ "7owq",
+ "4txq",
+ "5tcq",
+ "6q9t",
+ "1iyn",
+ "3iqs",
+ "8aca",
+ "7na3",
+ "6zne",
+ "5w61",
+ "5t92",
+ "1f08",
+ "4o8m",
+ "1rl6",
+ "6di0",
+ "5nwb",
+ "4fas",
+ "7wjh",
+ "2v4j",
+ "4fao",
+ "4rox",
+ "7qx7",
+ "3ovp",
+ "1dp9",
+ "1v6n",
+ "6alq",
+ "6kgb",
+ "2bjo",
+ "3s9o",
+ "1maz",
+ "4zpn",
+ "3gfs",
+ "5u2p",
+ "1xab",
+ "4j45",
+ "3cm2",
+ "5ru3",
+ "4gc8",
+ "2gaw",
+ "3rn9",
+ "1uci",
+ "7s95",
+ "4lcm",
+ "3hf2",
+ "7t6c",
+ "1kim",
+ "6bxm",
+ "6s92",
+ "2cem",
+ "6j2a",
+ "6fiv",
+ "7ddz",
+ "2mg5",
+ "2g4z",
+ "1aom",
+ "3tif",
+ "5fbd",
+ "6q36",
+ "1peu",
+ "5hiz",
+ "1nm7",
+ "2vst",
+ "4txv",
+ "4hev",
+ "5c5t",
+ "5u2h",
+ "2hnl",
+ "1obo",
+ "3w09",
+ "4p8u",
+ "6nfv",
+ "4v0b",
+ "5u0w",
+ "1xi0",
+ "6d2s",
+ "7mlc",
+ "6vsl",
+ "1jn5",
+ "4cb7",
+ "6euh",
+ "7a7a",
+ "5ev4",
+ "5v75",
+ "4huu",
+ "1o3g",
+ "4kdo",
+ "2oa6",
+ "4uzz",
+ "1moz",
+ "7yz1",
+ "6k1p",
+ "3asj",
+ "3uqd",
+ "5jnr",
+ "3r1i",
+ "4fvq",
+ "3iny",
+ "1pt7",
+ "1d3f",
+ "6h9y",
+ "1eje",
+ "5trj",
+ "5duw",
+ "4g6b",
+ "4r5j",
+ "5u3z",
+ "6bho",
+ "1mb9",
+ "1ag2",
+ "6cwa",
+ "1t1d",
+ "1c63",
+ "7bmx",
+ "5rtp",
+ "6bxu",
+ "6jld",
+ "4el1",
+ "4m3r",
+ "2xdi",
+ "1ho0",
+ "2vde",
+ "6y5b",
+ "5ptu",
+ "7fn9",
+ "5yfx",
+ "1pzo",
+ "2x63",
+ "3n3u",
+ "7jxa",
+ "4p7q",
+ "4psr",
+ "6cgx",
+ "7x9y",
+ "1r53",
+ "1ft3",
+ "1tfo",
+ "7wr7",
+ "3et4",
+ "1wcr",
+ "1i2m",
+ "8h03",
+ "1s63",
+ "6fvr",
+ "3tla",
+ "5rlo",
+ "7tvo",
+ "4r1z",
+ "4ac2",
+ "6f9c",
+ "4pqn",
+ "7re5",
+ "3qum",
+ "7qsg",
+ "8hsc",
+ "6m6z",
+ "6n0a",
+ "2h10",
+ "3fhy",
+ "6fwc",
+ "6sqn",
+ "5h1z",
+ "4mdz",
+ "3f63",
+ "1n08",
+ "4u3h",
+ "1ton",
+ "7ttp",
+ "6z22",
+ "5d58",
+ "5ybd",
+ "7nl0",
+ "5ehz",
+ "7xu8",
+ "2dhn",
+ "4lmw",
+ "5foq",
+ "2kg8",
+ "5zeo",
+ "2mv8",
+ "6xrt",
+ "3al5",
+ "5dzm",
+ "5xho",
+ "2f3r",
+ "4mdt",
+ "6gi9",
+ "1jmt",
+ "3s8r",
+ "4zwp",
+ "6hem",
+ "6mps",
+ "7xgm",
+ "2vrg",
+ "3bg7",
+ "7evp",
+ "6h4m",
+ "7dlx",
+ "4z6w",
+ "3l7f",
+ "5u35",
+ "1fc9",
+ "6d3a",
+ "4jmw",
+ "4khr",
+ "2b7r",
+ "1rbp",
+ "6pmi",
+ "1lkj",
+ "2k9k",
+ "7nx1",
+ "5tys",
+ "4z1q",
+ "7tiw",
+ "7mgy",
+ "5etf",
+ "2e76",
+ "4x20",
+ "4rmn",
+ "1vip",
+ "4oit",
+ "5ez0",
+ "1uvl",
+ "7m9a",
+ "6ds1",
+ "2pid",
+ "1ilf",
+ "4xe1",
+ "3dt7",
+ "2v13",
+ "6li9",
+ "3r9b",
+ "1h4e",
+ "2g31",
+ "6f65",
+ "6kfd",
+ "3kth",
+ "7z73",
+ "3jau",
+ "7wpo",
+ "6fgx",
+ "5mq6",
+ "3m6o",
+ "4we0",
+ "4d28",
+ "6e5l",
+ "4qim",
+ "4kjt",
+ "3nh0",
+ "2q0x",
+ "4mka",
+ "2d0c",
+ "5adi",
+ "7msd",
+ "4puo",
+ "4xtb",
+ "6qty",
+ "1rxf",
+ "6xu9",
+ "2vpb",
+ "4qlt",
+ "5pnn",
+ "2kw2",
+ "2x1b",
+ "7fjh",
+ "4itx",
+ "3kpe",
+ "6lt0",
+ "5mlk",
+ "3gdp",
+ "4oqh",
+ "5pys",
+ "6iwh",
+ "7wks",
+ "6mms",
+ "1o6y",
+ "7mia",
+ "1axs",
+ "3ewq",
+ "5m0j",
+ "6h0t",
+ "2pgz",
+ "1b27",
+ "6kjg",
+ "5z2v",
+ "7w9a",
+ "3j41",
+ "6vv3",
+ "7b66",
+ "6l97",
+ "6a01",
+ "1ckb",
+ "6ft7",
+ "3pur",
+ "1rmv",
+ "4k8s",
+ "7cj8",
+ "4x3k",
+ "1owx",
+ "1q25",
+ "1bh2",
+ "3wh2",
+ "4udd",
+ "2v0t",
+ "5vcn",
+ "5e88",
+ "1gqj",
+ "2wxh",
+ "2fg8",
+ "6ngl",
+ "2brs",
+ "3t97",
+ "3rbt",
+ "2et2",
+ "4ahw",
+ "2x28",
+ "6lka",
+ "4b0a",
+ "2euf",
+ "7awq",
+ "6qcx",
+ "7rgd",
+ "2ple",
+ "7lv2",
+ "4d9q",
+ "2pwd",
+ "2bat",
+ "1oeb",
+ "7bx9",
+ "1n94",
+ "5euu",
+ "7w13",
+ "3atr",
+ "5kjy",
+ "7ou5",
+ "6m3l",
+ "2v15",
+ "6tyf",
+ "2a1d",
+ "1hyj",
+ "6woz",
+ "1y4m",
+ "1tio",
+ "6dky",
+ "3a0r",
+ "5zen",
+ "5u90",
+ "7nan",
+ "5e96",
+ "2qoe",
+ "1ejm",
+ "7sqk",
+ "7cno",
+ "8axs",
+ "2v59",
+ "4m35",
+ "2ocj",
+ "6us2",
+ "5pbq",
+ "2dqm",
+ "3gc9",
+ "4cqp",
+ "3zjr",
+ "4dzv",
+ "1fin",
+ "7w2c",
+ "3wob",
+ "4m2j",
+ "2v7v",
+ "6wfn",
+ "4i4o",
+ "1hk9",
+ "6qrj",
+ "6wjf",
+ "4dkv",
+ "7vhz",
+ "4uhl",
+ "6f9b",
+ "5j8h",
+ "4rjj",
+ "1het",
+ "2y7m",
+ "5cs2",
+ "1r0q",
+ "2z93",
+ "5vsw",
+ "5vc1",
+ "1xkk",
+ "6txk",
+ "5pfr",
+ "4e85",
+ "1pkx",
+ "8cxe",
+ "1xwl",
+ "1ab2",
+ "1rgx",
+ "1tw6",
+ "1kep",
+ "7oyo",
+ "6c53",
+ "1oyy",
+ "6x2j",
+ "5spk",
+ "3kjr",
+ "1sfe",
+ "6wae",
+ "6t72",
+ "2xiu",
+ "5cya",
+ "5wr8",
+ "5f5z",
+ "3mgq",
+ "3g77",
+ "4fm7",
+ "6auz",
+ "4pmx",
+ "5klz",
+ "2ypa",
+ "1yd6",
+ "3qv0",
+ "6qvl",
+ "8bxy",
+ "4rf6",
+ "4bio",
+ "1liq",
+ "1avy",
+ "3nu0",
+ "2m1h",
+ "2c28",
+ "3k04",
+ "4i09",
+ "2x5s",
+ "2r0b",
+ "5v4e",
+ "1v6x",
+ "2jet",
+ "4cj0",
+ "1g83",
+ "4d0y",
+ "6ww4",
+ "4aen",
+ "1c65",
+ "6p84",
+ "5x7u",
+ "6p9k",
+ "6ci0",
+ "1udn",
+ "2wcx",
+ "4f7s",
+ "6ocd",
+ "1az4",
+ "3reu",
+ "3k9b",
+ "2pze",
+ "6kat",
+ "5iz9",
+ "5xdm",
+ "3pgr",
+ "6e9o",
+ "5o6e",
+ "7uc6",
+ "5b6b",
+ "5rmm",
+ "7ujk",
+ "3uhl",
+ "2pg6",
+ "6bw4",
+ "2m7x",
+ "5k58",
+ "1sb3",
+ "4k3s",
+ "1wke",
+ "4rkz",
+ "1xtr",
+ "5fj7",
+ "5hdi",
+ "1ui0",
+ "7fhy",
+ "3b12",
+ "8ef9",
+ "6xox",
+ "5wm0",
+ "4mko",
+ "1f80",
+ "5mmh",
+ "7w1z",
+ "3gzm",
+ "4d9t",
+ "2w5a",
+ "2pq3",
+ "8dct",
+ "6l2o",
+ "4khb",
+ "5hhl",
+ "4qbn",
+ "2hx6",
+ "2yyy",
+ "6bvr",
+ "5lc2",
+ "3woe",
+ "2yd6",
+ "5cng",
+ "5mfv",
+ "1j7o",
+ "6spz",
+ "5os8",
+ "3h5v",
+ "3d9c",
+ "4ygl",
+ "7e4b",
+ "1ket",
+ "4k5u",
+ "3r6i",
+ "2fjs",
+ "2ovc",
+ "5ixd",
+ "5gx4",
+ "3omh",
+ "5mby",
+ "3emf",
+ "5txf",
+ "3toe",
+ "4l69",
+ "3rkd",
+ "7jlt",
+ "3kbs",
+ "4eee",
+ "5hxc",
+ "7zgm",
+ "2hdb",
+ "5fn0",
+ "1n03",
+ "7mle",
+ "1sa5",
+ "1kz8",
+ "5p1h",
+ "4e7u",
+ "6bk3",
+ "2v4b",
+ "1miy",
+ "2w63",
+ "5mee",
+ "1yiv",
+ "3n43",
+ "4aan",
+ "6oej",
+ "4kql",
+ "3qgc",
+ "2zpr",
+ "7l7n",
+ "6vwo",
+ "5wc1",
+ "6y96",
+ "1dgq",
+ "5l5j",
+ "3c7f",
+ "1i44",
+ "1rdf",
+ "7evh",
+ "4ddr",
+ "6dmv",
+ "3wwm",
+ "7dw0",
+ "1hf4",
+ "5j90",
+ "4xl8",
+ "5m9s",
+ "1aop",
+ "2avt",
+ "1cge",
+ "5i73",
+ "4qr8",
+ "1j2e",
+ "4xri",
+ "3zdq",
+ "1bzp",
+ "3s3k",
+ "7kkv",
+ "6uh0",
+ "2c1p",
+ "2jts",
+ "4cst",
+ "1vik",
+ "1fjv",
+ "6xqp",
+ "4g0k",
+ "1d3t",
+ "6rv1",
+ "4pl4",
+ "6lq0",
+ "1iy5",
+ "4v1s",
+ "8eet",
+ "4q72",
+ "2q9m",
+ "6imq",
+ "1nzo",
+ "6cg0",
+ "7vvk",
+ "2amn",
+ "2j86",
+ "6fq0",
+ "4igu",
+ "5bud",
+ "2yg0",
+ "6xb6",
+ "5k19",
+ "3b6s",
+ "7lqr",
+ "4r9d",
+ "4csh",
+ "7mp2",
+ "1qre",
+ "7qn0",
+ "6mb5",
+ "2dhf",
+ "5psz",
+ "3m5x",
+ "5lxr",
+ "3pih",
+ "4v0t",
+ "1brh",
+ "3upa",
+ "6uer",
+ "3md9",
+ "2hh3",
+ "8d38",
+ "4xom",
+ "5vyr",
+ "4l11",
+ "6xm8",
+ "4acp",
+ "6zvg",
+ "2vrb",
+ "2rhr",
+ "5njh",
+ "6bsg",
+ "2nqm",
+ "6vnu",
+ "2w0a",
+ "5i0q",
+ "1uxl",
+ "1rtf",
+ "1lhm",
+ "7vy8",
+ "1czy",
+ "5fu5",
+ "5wh8",
+ "6ax9",
+ "5bk2",
+ "4mij",
+ "6myi",
+ "7pet",
+ "2e94",
+ "7a49",
+ "6s5e",
+ "6mvi",
+ "5kpt",
+ "6mh7",
+ "2vj6",
+ "4xz5",
+ "5bv9",
+ "1fn4",
+ "3ope",
+ "6bbj",
+ "2fpk",
+ "6tqz",
+ "6asw",
+ "2m2o",
+ "5nps",
+ "3fas",
+ "1gfz",
+ "1yck",
+ "4gcs",
+ "5ycg",
+ "3frz",
+ "7yms",
+ "7aeo",
+ "6q6n",
+ "7d5r",
+ "6ln4",
+ "5etx",
+ "1rxl",
+ "2be2",
+ "6jmw",
+ "6vxz",
+ "7lgi",
+ "2k7s",
+ "7fov",
+ "8auj",
+ "2ndl",
+ "4a7j",
+ "3w0o",
+ "4lz9",
+ "2hjr",
+ "1itk",
+ "2okd",
+ "2z7i",
+ "3zdb",
+ "1bpv",
+ "4mcv",
+ "3owl",
+ "3ef3",
+ "6kj8",
+ "6y9a",
+ "3sfu",
+ "6sd1",
+ "4iju",
+ "3nw6",
+ "1rer",
+ "5brj",
+ "1lc5",
+ "1sor",
+ "5in8",
+ "1drb",
+ "6p0a",
+ "1sf6",
+ "6f6r",
+ "4u70",
+ "6a3l",
+ "1wav",
+ "1r1m",
+ "1nnt",
+ "6agn",
+ "5brv",
+ "4zzb",
+ "6j87",
+ "8e9b",
+ "2pwl",
+ "1gu2",
+ "5wlo",
+ "2xla",
+ "6sum",
+ "5ku6",
+ "4gac",
+ "6wml",
+ "7f9n",
+ "7s9e",
+ "8ff7",
+ "8eqs",
+ "2wvy",
+ "5k5r",
+ "6v3j",
+ "3oe1",
+ "7qxz",
+ "2yiu",
+ "4tl9",
+ "4pm3",
+ "6y37",
+ "2z65",
+ "3qg2",
+ "4hvw",
+ "3tyx",
+ "5nrd",
+ "3hvq",
+ "3vdi",
+ "4v3q",
+ "5u44",
+ "1h78",
+ "3nys",
+ "4f9l",
+ "2y3h",
+ "1f17",
+ "1kxe",
+ "1n9v",
+ "4h2j",
+ "4pra",
+ "4ojp",
+ "7rg7",
+ "6dka",
+ "1xxw",
+ "2ew7",
+ "1j1j",
+ "1m3d",
+ "7cr3",
+ "6mf4",
+ "6yog",
+ "3b88",
+ "4wil",
+ "1ger",
+ "2ii2",
+ "1oqj",
+ "1hfi",
+ "4kzo",
+ "5o4x",
+ "3c5r",
+ "7sa3",
+ "2hvm",
+ "5b5z",
+ "7asl",
+ "4d4d",
+ "2x5l",
+ "6ibv",
+ "4e1t",
+ "4dcs",
+ "4o8p",
+ "1e3u",
+ "4gnu",
+ "4w80",
+ "3blu",
+ "6hap",
+ "6p9n",
+ "6jch",
+ "1mwp",
+ "5oac",
+ "7v4z",
+ "5al5",
+ "5em8",
+ "6m72",
+ "6xlx",
+ "4auq",
+ "1o3x",
+ "2v8g",
+ "1mrk",
+ "7l9g",
+ "5e2n",
+ "2dr9",
+ "5nx3",
+ "5fli",
+ "3vf1",
+ "5p26",
+ "1ig1",
+ "4tuj",
+ "2ydo",
+ "7f3e",
+ "6aut",
+ "5nun",
+ "7fqu",
+ "3kot",
+ "5yp4",
+ "4y6x",
+ "2a26",
+ "3zcl",
+ "2pk9",
+ "1lou",
+ "7adr",
+ "5ut2",
+ "1fk8",
+ "6kew",
+ "8gz3",
+ "3ra4",
+ "1fiq",
+ "5kik",
+ "6hak",
+ "5h17",
+ "6nxg",
+ "4ye2",
+ "5pn3",
+ "3iqw",
+ "1w1o",
+ "2vkw",
+ "4a48",
+ "4mb5",
+ "6pci",
+ "5hs4",
+ "5ys4",
+ "5grr",
+ "5zil",
+ "1l4b",
+ "2wxi",
+ "7mbk",
+ "6efy",
+ "6pff",
+ "6fr7",
+ "7enn",
+ "6hd3",
+ "4nol",
+ "1r8x",
+ "6en2",
+ "6jkf",
+ "2xjz",
+ "7ewy",
+ "5z1w",
+ "2pdg",
+ "1tq2",
+ "6ak6",
+ "3wpv",
+ "3p60",
+ "5t79",
+ "5n64",
+ "3cur",
+ "5ekv",
+ "3vyf",
+ "6dmx",
+ "6h9i",
+ "2koi",
+ "7dke",
+ "4r1d",
+ "3n9p",
+ "2ale",
+ "5kir",
+ "5kro",
+ "7y3a",
+ "7wky",
+ "3m6n",
+ "3gwl",
+ "5y06",
+ "1h0y",
+ "5w8a",
+ "5d8v",
+ "5vpd",
+ "6jp4",
+ "6j1p",
+ "3g3c",
+ "5tgc",
+ "4aqj",
+ "3nfn",
+ "1fj9",
+ "1wup",
+ "2aqd",
+ "6zzu",
+ "6xa2",
+ "2l30",
+ "1gkh",
+ "5cpu",
+ "3vmm",
+ "4cb5",
+ "2pen",
+ "8dcu",
+ "6abp",
+ "7t2x",
+ "3flp",
+ "4hqa",
+ "3oud",
+ "4ogp",
+ "4uok",
+ "2m1m",
+ "5mlf",
+ "3bp4",
+ "5pi2",
+ "5j42",
+ "5ven",
+ "4fod",
+ "2zyg",
+ "8gae",
+ "3bdb",
+ "5ywc",
+ "1cec",
+ "3zke",
+ "3cim",
+ "6xv3",
+ "4rz1",
+ "5clu",
+ "1gdq",
+ "3qh8",
+ "2p2b",
+ "6sse",
+ "5r9g",
+ "2pql",
+ "8ast",
+ "1qlf",
+ "4uub",
+ "7fav",
+ "3dkg",
+ "2l4w",
+ "6kjo",
+ "3rv0",
+ "8gtk",
+ "2igc",
+ "1jpb",
+ "6jse",
+ "6f4o",
+ "1qih",
+ "1jg9",
+ "1hes",
+ "1r9x",
+ "7d1v",
+ "4fph",
+ "1e9j",
+ "2qqq",
+ "3ta2",
+ "1xec",
+ "6wwu",
+ "8g6l",
+ "6llq",
+ "3ah1",
+ "2w9o",
+ "1yu0",
+ "5me8",
+ "5c2d",
+ "6g0y",
+ "1fcx",
+ "6aiy",
+ "4zsk",
+ "4btj",
+ "4qau",
+ "2nmq",
+ "3f15",
+ "1qlw",
+ "2jfv",
+ "5wpt",
+ "1ng5",
+ "5fxu",
+ "6snz",
+ "5ko9",
+ "1nu5",
+ "3ntb",
+ "5k83",
+ "1sir",
+ "6bzw",
+ "6hxm",
+ "2jc3",
+ "7xtm",
+ "4g1l",
+ "1fuq",
+ "1rrg",
+ "5ipo",
+ "1jvu",
+ "2kb8",
+ "5l5r",
+ "3nkx",
+ "2ol0",
+ "2kt6",
+ "6qcd",
+ "3ir2",
+ "6zy4",
+ "5jgl",
+ "6ios",
+ "7dsw",
+ "6r0w",
+ "5z8l",
+ "5kwk",
+ "3tvl",
+ "5kzn",
+ "1egd",
+ "4ib7",
+ "3oe7",
+ "6nff",
+ "7fe3",
+ "5uj8",
+ "4h7e",
+ "4brz",
+ "4r8t",
+ "6q3y",
+ "5ni8",
+ "4bzb",
+ "2k84",
+ "3ncu",
+ "5or1",
+ "4x43",
+ "1mb0",
+ "5a95",
+ "5v6h",
+ "1usx",
+ "5x2n",
+ "7p19",
+ "4as9",
+ "3m41",
+ "1wbs",
+ "1g4f",
+ "3vd0",
+ "6g38",
+ "2hw8",
+ "7k4u",
+ "2xll",
+ "5ako",
+ "3aer",
+ "6nh3",
+ "6tmt",
+ "1g96",
+ "2ckk",
+ "1szz",
+ "6ao5",
+ "2eqh",
+ "5qmy",
+ "3ove",
+ "5xl2",
+ "7nga",
+ "3e5h",
+ "3t43",
+ "7lon",
+ "5jze",
+ "6jeg",
+ "5bv8",
+ "3oy7",
+ "3ate",
+ "1gk3",
+ "4la7",
+ "6jxw",
+ "1fsh",
+ "3nlw",
+ "5wtq",
+ "3rdj",
+ "2a2n",
+ "6fra",
+ "4arz",
+ "7ad9",
+ "5k0x",
+ "5px7",
+ "1yw9",
+ "1dmt",
+ "4mws",
+ "7lm2",
+ "5rdz",
+ "3mx2",
+ "6fcr",
+ "6ah5",
+ "2zrt",
+ "3lwv",
+ "5str",
+ "4i70",
+ "6reb",
+ "2prf",
+ "1moe",
+ "6tmb",
+ "4z0g",
+ "1gd0",
+ "3l5c",
+ "1sfo",
+ "6juj",
+ "4j5r",
+ "6w2a",
+ "1iyf",
+ "5pf8",
+ "6l3a",
+ "6cgh",
+ "7oyf",
+ "2bqe",
+ "1j9s",
+ "4ki4",
+ "4qvj",
+ "1g0r",
+ "7x5h",
+ "7f00",
+ "3ur9",
+ "3f5o",
+ "1xic",
+ "1hlg",
+ "4nxk",
+ "4cmn",
+ "3abr",
+ "3aq2",
+ "7tsx",
+ "6rj9",
+ "1n5l",
+ "6ewb",
+ "7mnl",
+ "1smy",
+ "2xnv",
+ "5vxe",
+ "4rad",
+ "6bgv",
+ "3rez",
+ "3bir",
+ "3fty",
+ "1hdl",
+ "5y6g",
+ "5ldb",
+ "6br4",
+ "7zqq",
+ "2chx",
+ "5a9k",
+ "3d73",
+ "4mvc",
+ "5tnd",
+ "2jvw",
+ "3rwh",
+ "1jrc",
+ "1vid",
+ "1g2m",
+ "5hlf",
+ "4h37",
+ "6qap",
+ "1xpt",
+ "4gam",
+ "4p7f",
+ "1n2h",
+ "2i22",
+ "6hlm",
+ "7a4a",
+ "1twj",
+ "1uhl",
+ "3n8n",
+ "6vlt",
+ "1bba",
+ "7l91",
+ "1yyk",
+ "3l5r",
+ "5ce8",
+ "7dxc",
+ "7x0l",
+ "3eae",
+ "4yls",
+ "2zhh",
+ "2pdq",
+ "5sr2",
+ "4m13",
+ "1bp5",
+ "5r36",
+ "2w8r",
+ "5h8f",
+ "5aot",
+ "5ghq",
+ "6q29",
+ "7zew",
+ "1xdm",
+ "5mhj",
+ "6boe",
+ "6vfr",
+ "5x23",
+ "7te7",
+ "1a2w",
+ "5xz7",
+ "1eoj",
+ "7vdr",
+ "1fn5",
+ "7p38",
+ "7nut",
+ "5phx",
+ "1ywj",
+ "1geq",
+ "5mtr",
+ "3q15",
+ "6b9f",
+ "6cz5",
+ "3cl9",
+ "5ugm",
+ "5ewh",
+ "2ri6",
+ "6fjo",
+ "5i1q",
+ "6t5z",
+ "3fcq",
+ "5lds",
+ "6ktk",
+ "4wkf",
+ "5whw",
+ "2lta",
+ "6b9e",
+ "2tgi",
+ "4q01",
+ "1ogk",
+ "1eup",
+ "6omb",
+ "6zpe",
+ "6jmt",
+ "3nle",
+ "2wvz",
+ "3ogs",
+ "6gv4",
+ "1dgb",
+ "5kj4",
+ "6z31",
+ "3ggx",
+ "3k6w",
+ "1otd",
+ "4unn",
+ "6nir",
+ "5hvm",
+ "6pzn",
+ "3r5j",
+ "2m6z",
+ "6gvr",
+ "4fpr",
+ "6ldp",
+ "1q67",
+ "4k4i",
+ "1pmb",
+ "6piv",
+ "4uxr",
+ "5jg8",
+ "5d5b",
+ "6nq9",
+ "2llf",
+ "2cdf",
+ "3kov",
+ "2jhf",
+ "5z3m",
+ "1nbp",
+ "4w5y",
+ "4bw2",
+ "6qjb",
+ "4d64",
+ "3rew",
+ "2wne",
+ "4cao",
+ "6op2",
+ "2vid",
+ "2ha7",
+ "5k23",
+ "5a2g",
+ "3zoy",
+ "2jcw",
+ "5xlv",
+ "4fci",
+ "2msd",
+ "6ytk",
+ "4y4y",
+ "2faw",
+ "5thq",
+ "5mxu",
+ "4f6u",
+ "5qln",
+ "3nag",
+ "7a1m",
+ "2lma",
+ "7n0l",
+ "1zpq",
+ "2jze",
+ "3grt",
+ "7eij",
+ "1daw",
+ "1tqd",
+ "8enm",
+ "4tr2",
+ "1nns",
+ "7crt",
+ "2qvw",
+ "7wxx",
+ "2n9z",
+ "5e3p",
+ "5vmq",
+ "1pft",
+ "5msf",
+ "6fpc",
+ "5lh8",
+ "5o0s",
+ "3ze3",
+ "4gxu",
+ "6b5v",
+ "5om1",
+ "2fkz",
+ "1nla",
+ "6e3t",
+ "4wtj",
+ "2lyf",
+ "5cb1",
+ "7b9o",
+ "3wqw",
+ "1sqm",
+ "5xev",
+ "4okx",
+ "1ms8",
+ "2lok",
+ "3fqi",
+ "1eyy",
+ "2fn6",
+ "6b8z",
+ "4lac",
+ "7sbm",
+ "3q2r",
+ "3f6r",
+ "6d8z",
+ "3c9v",
+ "1ki2",
+ "3pzu",
+ "6nrv",
+ "4cv7",
+ "3iww",
+ "3c90",
+ "5cso",
+ "4nms",
+ "2e74",
+ "4h0j",
+ "3c79",
+ "7dvv",
+ "6lit",
+ "2kuq",
+ "6dzm",
+ "3i6k",
+ "7v6k",
+ "4g93",
+ "5dh2",
+ "3wmx",
+ "5rdx",
+ "6l4z",
+ "6ttm",
+ "4l3f",
+ "5m2u",
+ "1z11",
+ "4wnm",
+ "6n1r",
+ "7dsc",
+ "2bvy",
+ "2mru",
+ "2v0s",
+ "6v40",
+ "2ns8",
+ "4ju5",
+ "4k4u",
+ "5wij",
+ "3hs4",
+ "1lfm",
+ "3ajy",
+ "7z3p",
+ "7d26",
+ "1df1",
+ "1pmi",
+ "1vcw",
+ "3to1",
+ "2r2f",
+ "5mcx",
+ "6nhc",
+ "6mqa",
+ "2drq",
+ "7qlt",
+ "4igg",
+ "1dlu",
+ "3ct1",
+ "1ntd",
+ "5ivs",
+ "4ai2",
+ "6vck",
+ "3gbp",
+ "8d1c",
+ "4xnx",
+ "4cn1",
+ "7e98",
+ "1i4f",
+ "1caw",
+ "6hj6",
+ "1xwq",
+ "6ca6",
+ "6vth",
+ "4bl9",
+ "4fou",
+ "5c0f",
+ "4jr5",
+ "5ecw",
+ "2itd",
+ "1mqm",
+ "5tsh",
+ "1b3f",
+ "5o5i",
+ "2ptm",
+ "2xok",
+ "3kqg",
+ "5r0y",
+ "6zf7",
+ "5pu8",
+ "7a5p",
+ "7bdb",
+ "4onl",
+ "5e5w",
+ "1rdx",
+ "6c8h",
+ "6g1l",
+ "2c8x",
+ "7f8w",
+ "4fyb",
+ "7x2d",
+ "8bsk",
+ "2ny3",
+ "2m8p",
+ "7dsq",
+ "1zyu",
+ "3tml",
+ "4rpn",
+ "6gac",
+ "5o4g",
+ "5crd",
+ "7zfr",
+ "3we0",
+ "6xbm",
+ "2n3w",
+ "1znl",
+ "1c8x",
+ "6x5z",
+ "6mv9",
+ "5xow",
+ "2qua",
+ "6dxx",
+ "5vx5",
+ "7nwu",
+ "4lg6",
+ "6q9r",
+ "1r6z",
+ "1bbc",
+ "7fo8",
+ "1xuo",
+ "4qcj",
+ "5j13",
+ "1bjz",
+ "2y02",
+ "1zhz",
+ "4ha7",
+ "2kch",
+ "2esw",
+ "6r8i",
+ "8b28",
+ "5wcv",
+ "5hzc",
+ "6mp1",
+ "3ojn",
+ "4qnz",
+ "5n8j",
+ "3vac",
+ "4nir",
+ "5id7",
+ "5xd4",
+ "6gy9",
+ "3inq",
+ "4b9x",
+ "6hyx",
+ "1y98",
+ "7bax",
+ "4kni",
+ "6dbf",
+ "4twj",
+ "3ltg",
+ "4ed7",
+ "5nkb",
+ "1u9y",
+ "2ogq",
+ "3qnw",
+ "5g4s",
+ "4niv",
+ "2f4o",
+ "1cg5",
+ "7avg",
+ "2h6i",
+ "1kkq",
+ "7kur",
+ "5pma",
+ "7l2x",
+ "2c5z",
+ "1z0i",
+ "5ian",
+ "7ku0",
+ "7jtx",
+ "4l06",
+ "7l7u",
+ "3tpo",
+ "7dtz",
+ "7pdq",
+ "4a2v",
+ "8gtj",
+ "2k6a",
+ "2xed",
+ "4apz",
+ "5mbh",
+ "3fdq",
+ "3lmp",
+ "7bje",
+ "1nx7",
+ "1s4i",
+ "1mwe",
+ "4emj",
+ "2e02",
+ "6w20",
+ "5cjx",
+ "4m6r",
+ "3qxl",
+ "2zh3",
+ "7uuu",
+ "6taf",
+ "4br6",
+ "5k67",
+ "5abe",
+ "6on8",
+ "6c8x",
+ "3vt0",
+ "7b5v",
+ "1dy8",
+ "3gwo",
+ "6sds",
+ "6lj6",
+ "4dk2",
+ "1aac",
+ "2lgw",
+ "4ou2",
+ "3mbt",
+ "4hl4",
+ "6g3f",
+ "4riw",
+ "3apo",
+ "1gqp",
+ "3q1g",
+ "5w7j",
+ "7myp",
+ "1wmz",
+ "3c14",
+ "6htx",
+ "4aaf",
+ "1obp",
+ "3zx1",
+ "1yji",
+ "5ok6",
+ "4mit",
+ "5mma",
+ "5wdp",
+ "2lvw",
+ "2bgn",
+ "1tke",
+ "5pun",
+ "1g18",
+ "2dra",
+ "5nio",
+ "6on9",
+ "3qzv",
+ "2bwh",
+ "3ui4",
+ "3r57",
+ "5c15",
+ "4anu",
+ "1yom",
+ "7mn0",
+ "4ygv",
+ "4jp3",
+ "2i49",
+ "2xvn",
+ "3qnl",
+ "5b41",
+ "2o0u",
+ "1hzv",
+ "1va4",
+ "1dvm",
+ "7z19",
+ "1r5c",
+ "3mhh",
+ "6pav",
+ "5ijz",
+ "3ib2",
+ "5oto",
+ "6ju1",
+ "3hv4",
+ "6bc1",
+ "1b7m",
+ "6zjr",
+ "5mwa",
+ "5dia",
+ "7ev1",
+ "5r2r",
+ "7rgu",
+ "1lfa",
+ "6od5",
+ "5tdt",
+ "4oc6",
+ "5mxk",
+ "5jwg",
+ "1is7",
+ "6h0h",
+ "5wp2",
+ "4wk7",
+ "6ttl",
+ "5pbg",
+ "4m52",
+ "6zw0",
+ "6ay5",
+ "1fs6",
+ "1eyx",
+ "5jeq",
+ "4jpr",
+ "1zo4",
+ "2ax9",
+ "3p80",
+ "7nwe",
+ "5p27",
+ "1stq",
+ "4ggt",
+ "5cur",
+ "1t50",
+ "5udt",
+ "4g3x",
+ "3s0o",
+ "8f07",
+ "3a4f",
+ "4yuc",
+ "4omz",
+ "7njp",
+ "4y0q",
+ "3m18",
+ "2gnv",
+ "6oug",
+ "7fd8",
+ "5jks",
+ "7jyv",
+ "6wvv",
+ "7frw",
+ "1mm3",
+ "2xwa",
+ "6pnp",
+ "1owp",
+ "2nxy",
+ "1fd4",
+ "7d2h",
+ "2gop",
+ "3wxc",
+ "4aum",
+ "6xun",
+ "4fl0",
+ "2f7v",
+ "6ulq",
+ "3aq8",
+ "6tr6",
+ "6z0g",
+ "3d5q",
+ "2yd8",
+ "1scq",
+ "3og4",
+ "5lgz",
+ "6iqy",
+ "6gzy",
+ "4e5j",
+ "2zot",
+ "6gnf",
+ "3nw5",
+ "2wwb",
+ "6j2f",
+ "3uer",
+ "6wwt",
+ "3w57",
+ "7rqx",
+ "109l",
+ "2a9b",
+ "7mm5",
+ "5b2g",
+ "5u91",
+ "3ts9",
+ "5bz6",
+ "4z2v",
+ "4yh1",
+ "3ccl",
+ "1a33",
+ "6dgd",
+ "4d0g",
+ "2knd",
+ "6fdr",
+ "1b5n",
+ "6iea",
+ "5jvm",
+ "7x9g",
+ "5w8j",
+ "2zus",
+ "6hm3",
+ "5xf9",
+ "5gl6",
+ "6l8p",
+ "6pw5",
+ "3t3a",
+ "6hq4",
+ "7y5z",
+ "6bgs",
+ "3ehz",
+ "1uwo",
+ "1ti8",
+ "6pp1",
+ "7orm",
+ "3gnw",
+ "2w11",
+ "1jy7",
+ "6c61",
+ "7n00",
+ "1p8p",
+ "3iyk",
+ "5qet",
+ "4dy9",
+ "5ypy",
+ "4k4b",
+ "2pm9",
+ "7po5",
+ "1hu7",
+ "6qiz",
+ "4lhu",
+ "4fj8",
+ "1d8v",
+ "6o5b",
+ "1toz",
+ "2yo1",
+ "4bgz",
+ "5h2x",
+ "6bxk",
+ "3gc6",
+ "6rf1",
+ "4cxy",
+ "6w7t",
+ "7nqn",
+ "6f26",
+ "3uxa",
+ "228l",
+ "5gnm",
+ "4uxg",
+ "7wnh",
+ "4opc",
+ "5sti",
+ "4uzg",
+ "5mvw",
+ "6q6c",
+ "4mwu",
+ "1nsw",
+ "4wya",
+ "1pfo",
+ "4pyj",
+ "2zp8",
+ "3rfv",
+ "6ho1",
+ "5hx1",
+ "4w5a",
+ "6nkt",
+ "5qlb",
+ "5nfe",
+ "1o7f",
+ "5ms7",
+ "1kct",
+ "1s95",
+ "1ztm",
+ "5aiv",
+ "6wmg",
+ "4u3g",
+ "4nli",
+ "5ui6",
+ "1o8q",
+ "2c8q",
+ "7xrk",
+ "3x3f",
+ "3i0s",
+ "6y78",
+ "3uhx",
+ "2rlq",
+ "7ock",
+ "6ghz",
+ "7y06",
+ "3igq",
+ "3gw0",
+ "6auq",
+ "3rzj",
+ "7lnr",
+ "3e67",
+ "7kkn",
+ "5yrt",
+ "1jef",
+ "3zls",
+ "8hua",
+ "1bqr",
+ "2iz7",
+ "4z7w",
+ "2bsa",
+ "6azu",
+ "3p1p",
+ "5usb",
+ "1nm8",
+ "5yjh",
+ "1in1",
+ "6oye",
+ "5h5g",
+ "4zm5",
+ "2zl0",
+ "4uzq",
+ "6x8x",
+ "5u97",
+ "5vi8",
+ "2gjn",
+ "3gwe",
+ "5ae3",
+ "3dor",
+ "2fhk",
+ "2ljm",
+ "5wzn",
+ "5t6p",
+ "4g2r",
+ "3gjw",
+ "5yki",
+ "1pta",
+ "8hgq",
+ "3kmj",
+ "1hbk",
+ "4wvu",
+ "1z03",
+ "4riq",
+ "5b62",
+ "7l50",
+ "6o8l",
+ "5g4r",
+ "6hyt",
+ "2j0o",
+ "5vze",
+ "6ofp",
+ "5owi",
+ "5zfh",
+ "7l97",
+ "3a6m",
+ "1w40",
+ "2hnp",
+ "6svj",
+ "4ens",
+ "1ckh",
+ "1m71",
+ "6s29",
+ "6mhq",
+ "1r03",
+ "5b1c",
+ "2h9y",
+ "3upo",
+ "2nug",
+ "1hc8",
+ "4jom",
+ "5vt1",
+ "5mmo",
+ "1kvw",
+ "4eui",
+ "6a1a",
+ "6g8j",
+ "6aos",
+ "3p76",
+ "4mbk",
+ "2xdq",
+ "2p42",
+ "1kxq",
+ "7qzt",
+ "2vxx",
+ "1ptd",
+ "1zqx",
+ "2bj1",
+ "6zdx",
+ "6xpr",
+ "5czj",
+ "5dzo",
+ "1i9q",
+ "4k07",
+ "5qyc",
+ "2lu2",
+ "4p12",
+ "6pge",
+ "4gzk",
+ "7fng",
+ "4h67",
+ "5ks2",
+ "5s45",
+ "6fod",
+ "6zxo",
+ "5xpm",
+ "3fnt",
+ "7pjn",
+ "1puc",
+ "4lj7",
+ "7duz",
+ "2g3r",
+ "3mbi",
+ "6odf",
+ "2ber",
+ "2hoa",
+ "6i9n",
+ "6l6a",
+ "2i4p",
+ "1yao",
+ "7obi",
+ "2px9",
+ "4l7c",
+ "6rzx",
+ "1x13",
+ "4v3o",
+ "5xe1",
+ "6qr3",
+ "6ajp",
+ "6mb4",
+ "3h4d",
+ "7coe",
+ "2dpy",
+ "3d5y",
+ "1kk3",
+ "3fch",
+ "4yt1",
+ "6kwa",
+ "4hrm",
+ "2pf5",
+ "5ppa",
+ "1faj",
+ "6wi1",
+ "7u7s",
+ "1izc",
+ "4j3v",
+ "3h3y",
+ "1m78",
+ "4ucg",
+ "2p7k",
+ "2o71",
+ "3gak",
+ "3sbx",
+ "3mu0",
+ "3hei",
+ "2z1g",
+ "4b6f",
+ "1oqk",
+ "2jon",
+ "4xe2",
+ "1h0t",
+ "1lov",
+ "6q96",
+ "6lva",
+ "7rpp",
+ "3b9d",
+ "5axk",
+ "7c81",
+ "6z62",
+ "1nso",
+ "1k1v",
+ "6en6",
+ "4b3c",
+ "1oph",
+ "2c5x",
+ "5zhn",
+ "6vhr",
+ "4rs0",
+ "6zn3",
+ "3dbz",
+ "6nga",
+ "4hzy",
+ "3rv9",
+ "1qiq",
+ "7owc",
+ "3mn0",
+ "2o1c",
+ "3fcx",
+ "7whz",
+ "2ksm",
+ "4x27",
+ "4xfb",
+ "1cll",
+ "6l7v",
+ "4bgn",
+ "6nqm",
+ "6eof",
+ "1nsa",
+ "3r9h",
+ "1ip0",
+ "5bwr",
+ "6z88",
+ "2ixp",
+ "3nsz",
+ "1gu6",
+ "2j5g",
+ "1oe4",
+ "6ofy",
+ "6vv9",
+ "6fwg",
+ "3axy",
+ "3g66",
+ "7vdm",
+ "2qja",
+ "7nkh",
+ "5c1e",
+ "6kcl",
+ "7eml",
+ "7vvu",
+ "2zup",
+ "5za0",
+ "4kg7",
+ "6eqf",
+ "5hyp",
+ "4wzl",
+ "6paz",
+ "5mw8",
+ "6vfi",
+ "7ymp",
+ "6qj6",
+ "7zwm",
+ "1o32",
+ "4s2b",
+ "5z3c",
+ "5qma",
+ "1zn2",
+ "6rjn",
+ "3qup",
+ "3ta6",
+ "5tre",
+ "3ayr",
+ "4v3b",
+ "4pqw",
+ "3pa2",
+ "1v1g",
+ "1zb1",
+ "5ka4",
+ "1i4o",
+ "3lc3",
+ "4zs7",
+ "1wnb",
+ "8ac4",
+ "6bhn",
+ "2g35",
+ "4yin",
+ "5mlo",
+ "4fvg",
+ "1ibq",
+ "5aop",
+ "7uix",
+ "5d9w",
+ "7mml",
+ "5h6m",
+ "5tp3",
+ "4k5z",
+ "4fqn",
+ "5ib4",
+ "3jr8",
+ "3njn",
+ "8bd5",
+ "6onh",
+ "7w4o",
+ "3ehb",
+ "1wrd",
+ "5szq",
+ "4iut",
+ "4m91",
+ "7bib",
+ "2n45",
+ "3g6m",
+ "6knw",
+ "1mpo",
+ "1ct6",
+ "3qiy",
+ "2he4",
+ "4ihg",
+ "3ufs",
+ "7e94",
+ "2b74",
+ "4x7c",
+ "3mh0",
+ "6p4f",
+ "2leu",
+ "6x8m",
+ "2kt3",
+ "6iih",
+ "6eyy",
+ "4qvz",
+ "5sol",
+ "3qly",
+ "2vz7",
+ "4dqs",
+ "5vw9",
+ "5bww",
+ "6f23",
+ "6eqy",
+ "6ye6",
+ "5frz",
+ "5ebe",
+ "7s8b",
+ "5osn",
+ "1jtp",
+ "7jpr",
+ "6bnl",
+ "6bbi",
+ "6c99",
+ "4ny0",
+ "7wwz",
+ "6cln",
+ "2iof",
+ "6b29",
+ "5m03",
+ "5k6l",
+ "1qy4",
+ "2wo5",
+ "5olo",
+ "6x7v",
+ "1ax8",
+ "4fpe",
+ "5on5",
+ "7dng",
+ "3zxc",
+ "6jo5",
+ "5mrp",
+ "1onf",
+ "3l0y",
+ "5vx2",
+ "5dpw",
+ "5zwy",
+ "6xhu",
+ "1yr8",
+ "4bcr",
+ "1i3l",
+ "4lxg",
+ "4lpb",
+ "6rq6",
+ "2et1",
+ "1ks4",
+ "2h29",
+ "5puy",
+ "4f8q",
+ "1xyz",
+ "5j7g",
+ "1v92",
+ "3zgx",
+ "5cf3",
+ "5y7h",
+ "3qas",
+ "5t4e",
+ "4ov6",
+ "5cx1",
+ "6hy0",
+ "4wf4",
+ "7ol3",
+ "2nlg",
+ "2i6p",
+ "4cyv",
+ "2bho",
+ "2d0h",
+ "5ikx",
+ "5auk",
+ "4pv6",
+ "6t7o",
+ "5xpp",
+ "2ibz",
+ "4yiw",
+ "4eey",
+ "3cd7",
+ "1c2t",
+ "5hs6",
+ "3olw",
+ "4tvm",
+ "6wfh",
+ "2d22",
+ "7pom",
+ "3lah",
+ "3v6z",
+ "7ltt",
+ "4h82",
+ "5t5x",
+ "2gqe",
+ "3n17",
+ "4e9y",
+ "5ygi",
+ "2xuh",
+ "5t8w",
+ "3ldc",
+ "5b0r",
+ "5laf",
+ "1rzy",
+ "5ldx",
+ "7pgk",
+ "6r1t",
+ "1q19",
+ "4hpa",
+ "2w1v",
+ "4cz7",
+ "3mu5",
+ "4hr7",
+ "7nck",
+ "4rnj",
+ "4egg",
+ "1v35",
+ "4ozk",
+ "6zf5",
+ "2d0v",
+ "6pd2",
+ "1pyo",
+ "3lzr",
+ "5j9p",
+ "4xpa",
+ "6ks6",
+ "7w2r",
+ "4myk",
+ "1wjb",
+ "1bmg",
+ "5aen",
+ "6jgv",
+ "3m6a",
+ "3zbt",
+ "1h5f",
+ "6sti",
+ "2oal",
+ "5j0p",
+ "4af9",
+ "5g09",
+ "4r8u",
+ "1mo7",
+ "5x4u",
+ "5e5l",
+ "1v8q",
+ "3pvr",
+ "1hxj",
+ "1c99",
+ "1xzh",
+ "5cgg",
+ "1uvo",
+ "4k38",
+ "2k4e",
+ "1f3y",
+ "7kjp",
+ "1pre",
+ "6rkc",
+ "7kxm",
+ "6jnc",
+ "6siw",
+ "7w69",
+ "1mvm",
+ "2ofo",
+ "1d5a",
+ "5u69",
+ "5la2",
+ "3zfj",
+ "7z6r",
+ "7lmz",
+ "1zl5",
+ "1r47",
+ "4ngo",
+ "6fso",
+ "7dsa",
+ "3mzw",
+ "4pjx",
+ "4w4w",
+ "1jdv",
+ "4uxd",
+ "6sq7",
+ "4ihv",
+ "6s3x",
+ "4lk9",
+ "7nab",
+ "5b6v",
+ "7qjl",
+ "1fp5",
+ "5jkn",
+ "3bwz",
+ "6yct",
+ "3v9v",
+ "5ii3",
+ "1td0",
+ "1rnu",
+ "5irv",
+ "4z1i",
+ "3rut",
+ "5rog",
+ "2mpf",
+ "8e7x",
+ "2qd3",
+ "8hk1",
+ "6t0s",
+ "1kh4",
+ "7aud",
+ "2eyr",
+ "5pfd",
+ "1yqu",
+ "6u6k",
+ "4ejh",
+ "2kdn",
+ "7rg6",
+ "2zim",
+ "5ofo",
+ "1s2n",
+ "1z99",
+ "4onc",
+ "2dzd",
+ "2p3w",
+ "7u39",
+ "6ip0",
+ "5whk",
+ "4kyi",
+ "6klu",
+ "4loo",
+ "7c02",
+ "5ajc",
+ "5a1u",
+ "3tyn",
+ "3d2n",
+ "4nhb",
+ "2e88",
+ "7xsd",
+ "4keh",
+ "2ynr",
+ "7ry6",
+ "1p7f",
+ "3nmm",
+ "7tgf",
+ "5emu",
+ "3vmf",
+ "7vpc",
+ "1fad",
+ "3g3u",
+ "5weu",
+ "5wq6",
+ "7exm",
+ "7ju2",
+ "7zry",
+ "7zay",
+ "6oqj",
+ "1dol",
+ "6p0b",
+ "5hi0",
+ "6h0n",
+ "4pyw",
+ "5any",
+ "4x09",
+ "7yzc",
+ "6awm",
+ "1ryp",
+ "3l8q",
+ "4jti",
+ "8ecg",
+ "2azu",
+ "1bnf",
+ "6sy9",
+ "1odz",
+ "1gbo",
+ "1ugf",
+ "6pxn",
+ "8ffa",
+ "3w2w",
+ "6vta",
+ "2e6d",
+ "1kbi",
+ "3f1y",
+ "3eg5",
+ "1nzl",
+ "2w3u",
+ "7p0p",
+ "6ses",
+ "7ar6",
+ "3o9x",
+ "7cxu",
+ "5ek8",
+ "4ms6",
+ "6zgq",
+ "4mzr",
+ "2a99",
+ "7v37",
+ "2lf1",
+ "6os3",
+ "1erh",
+ "6i6s",
+ "1ji2",
+ "4l07",
+ "3usr",
+ "6uqb",
+ "7sr8",
+ "3ehg",
+ "6urz",
+ "6t9l",
+ "1mlh",
+ "2lmb",
+ "2wjy",
+ "5fgg",
+ "1g7y",
+ "6vtl",
+ "3uzb",
+ "7rfy",
+ "2xfj",
+ "6avo",
+ "1of1",
+ "5ipv",
+ "6cbf",
+ "6g2z",
+ "1sra",
+ "2m6k",
+ "1sr5",
+ "1skj",
+ "4ya2",
+ "1yx3",
+ "6qvo",
+ "2zqq",
+ "4d1p",
+ "1dsk",
+ "2jlr",
+ "2aub",
+ "4k91",
+ "2j46",
+ "4bsc",
+ "5wa8",
+ "2r7a",
+ "1ud3",
+ "6u4m",
+ "6y4f",
+ "6cqp",
+ "5jrl",
+ "1j9l",
+ "6tcc",
+ "6j84",
+ "5swc",
+ "1erd",
+ "6a60",
+ "6rco",
+ "5d6p",
+ "1myt",
+ "1zlf",
+ "3h91",
+ "6vpv",
+ "4lwg",
+ "7kfb",
+ "3yas",
+ "1b5a",
+ "4jf5",
+ "1wm4",
+ "5u5n",
+ "4lpk",
+ "6uju",
+ "3ozu",
+ "6ige",
+ "2hzn",
+ "2y7n",
+ "1f77",
+ "2n83",
+ "5byb",
+ "5cxv",
+ "2vp4",
+ "3fzp",
+ "6y42",
+ "4i78",
+ "5pgy",
+ "5j3r",
+ "1buw",
+ "2evc",
+ "7vjb",
+ "3tas",
+ "5icu",
+ "7weg",
+ "4lxc",
+ "3qxa",
+ "1avb",
+ "7d9o",
+ "2xju",
+ "4zci",
+ "5am1",
+ "2jbo",
+ "6aux",
+ "4fdv",
+ "6mj6",
+ "2h7b",
+ "2w8h",
+ "1wum",
+ "1rez",
+ "3rik",
+ "1yrc",
+ "5px0",
+ "6zef",
+ "1kjm",
+ "8dgh",
+ "4rwt",
+ "4j4s",
+ "5lbb",
+ "5kd2",
+ "6wnf",
+ "2vk3",
+ "3azx",
+ "4h04",
+ "7exp",
+ "3svl",
+ "2ov5",
+ "2ysz",
+ "7z2h",
+ "1jnd",
+ "1ayf",
+ "7ebr",
+ "5v79",
+ "1py5",
+ "5t5l",
+ "2ny0",
+ "2m9v",
+ "4nhy",
+ "5feb",
+ "4dja",
+ "3t0f",
+ "6lyb",
+ "7lha",
+ "7oux",
+ "5jrb",
+ "1j2l",
+ "6ybg",
+ "5wix",
+ "4ysx",
+ "6fxq",
+ "1sxa",
+ "4ahc",
+ "4ug9",
+ "3ikw",
+ "1xix",
+ "1ktq",
+ "6xj6",
+ "5d6f",
+ "6y5i",
+ "4hun",
+ "5oer",
+ "5vrg",
+ "6ype",
+ "6nxk",
+ "7klh",
+ "5ja5",
+ "1q6d",
+ "4cmw",
+ "3jzj",
+ "2n16",
+ "5dkz",
+ "6b04",
+ "2vaq",
+ "7kbm",
+ "6wqy",
+ "4mnf",
+ "2owh",
+ "2rj7",
+ "2czv",
+ "6l8r",
+ "2akc",
+ "5xis",
+ "4km7",
+ "7xby",
+ "3osi",
+ "2zqj",
+ "4etb",
+ "6llz",
+ "3wp8",
+ "3jxt",
+ "4icl",
+ "3pff",
+ "4rhl",
+ "4f1o",
+ "2p3x",
+ "2kqk",
+ "2v6t",
+ "6ieo",
+ "2yu9",
+ "4izc",
+ "5agk",
+ "7ml9",
+ "8dv3",
+ "5w6p",
+ "7vny",
+ "5a6q",
+ "7k37",
+ "4hoy",
+ "1cf9",
+ "4pxm",
+ "1p3t",
+ "2ez4",
+ "5udi",
+ "1xms",
+ "5zg6",
+ "1kfb",
+ "1oxp",
+ "2ycx",
+ "3w42",
+ "1eic",
+ "6cge",
+ "1obk",
+ "3uso",
+ "4lnn",
+ "6srk",
+ "1u73",
+ "3b5b",
+ "5rpg",
+ "1oft",
+ "1qnh",
+ "2vv2",
+ "4on0",
+ "4tt9",
+ "2byq",
+ "2xel",
+ "6pju",
+ "7pq8",
+ "6hd9",
+ "3btz",
+ "1mtp",
+ "6bef",
+ "1ltx",
+ "4y87",
+ "5eug",
+ "5ncs",
+ "4hat",
+ "7dvj",
+ "6dtm",
+ "6vhq",
+ "5xaf",
+ "1tou",
+ "2rlf",
+ "5py6",
+ "6f5w",
+ "6drf",
+ "6lyd",
+ "4d7h",
+ "3fe4",
+ "5onh",
+ "3did",
+ "1svs",
+ "6kdk",
+ "1egh",
+ "7d28",
+ "4nev",
+ "6k18",
+ "7z7r",
+ "2lbt",
+ "8ha0",
+ "5ija",
+ "1od8",
+ "5a3p",
+ "5pre",
+ "4nqy",
+ "1byu",
+ "1exk",
+ "1nge",
+ "2cuz",
+ "2h6b",
+ "4b0t",
+ "7bov",
+ "7awl",
+ "2c2f",
+ "5n7x",
+ "5y5t",
+ "1ee4",
+ "3h4m",
+ "5l2a",
+ "3gip",
+ "2oj6",
+ "1s8e",
+ "5ljh",
+ "6u0w",
+ "4brk",
+ "6k8i",
+ "4z3l",
+ "3g86",
+ "4y2c",
+ "7tfl",
+ "3om2",
+ "5wi1",
+ "7vs9",
+ "3fqe",
+ "7qra",
+ "6fe8",
+ "7krt",
+ "4jq5",
+ "1pfn",
+ "3ttt",
+ "3d8z",
+ "1qdm",
+ "2uvl",
+ "4l9t",
+ "1np4",
+ "4mdk",
+ "4p5f",
+ "2oxg",
+ "7u7r",
+ "4d2p",
+ "2m66",
+ "3ola",
+ "6l8b",
+ "2xrm",
+ "5llg",
+ "6qu8",
+ "1d8k",
+ "4qo7",
+ "3soh",
+ "1g1x",
+ "6ev9",
+ "3f9g",
+ "3g6z",
+ "1eq0",
+ "4u19",
+ "3hkp",
+ "2ckf",
+ "5vb3",
+ "4xme",
+ "7r1e",
+ "2m16",
+ "3lh8",
+ "4b6e",
+ "7ser",
+ "2zc5",
+ "4c7m",
+ "1mi3",
+ "2zdy",
+ "2bgi",
+ "5vsh",
+ "7y86",
+ "4zyj",
+ "6l8j",
+ "6poa",
+ "5pcu",
+ "3uxe",
+ "6fmy",
+ "6h3l",
+ "7b1j",
+ "2z78",
+ "1imt",
+ "3drb",
+ "2wjx",
+ "1grp",
+ "2fow",
+ "6vgn",
+ "1z8u",
+ "4acg",
+ "5k2z",
+ "2zfe",
+ "6ngh",
+ "5jpf",
+ "1bz4",
+ "4eyb",
+ "7p8e",
+ "5jhn",
+ "5twq",
+ "6e5x",
+ "5fs9",
+ "7v1k",
+ "4qg8",
+ "2fz2",
+ "4kpb",
+ "4aq5",
+ "1fsd",
+ "6wcx",
+ "3trx",
+ "3hbf",
+ "2rg5",
+ "1pjh",
+ "2n25",
+ "3uve",
+ "7uxp",
+ "3dv3",
+ "2hbq",
+ "4bku",
+ "6oz6",
+ "6z21",
+ "7da4",
+ "5oaf",
+ "2cfu",
+ "3iin",
+ "4hp0",
+ "5dze",
+ "6oac",
+ "7ovy",
+ "4qwl",
+ "7tc3",
+ "2ous",
+ "1p92",
+ "7zsf",
+ "7ebg",
+ "3ht5",
+ "1eyz",
+ "1l42",
+ "6vca",
+ "6gd9",
+ "4zn9",
+ "6v8g",
+ "2gee",
+ "6s6l",
+ "2w5h",
+ "3b7s",
+ "7b02",
+ "3x09",
+ "6tm7",
+ "1ugu",
+ "7d44",
+ "6i94",
+ "4p01",
+ "5orh",
+ "2wom",
+ "2ayo",
+ "6rxp",
+ "3wv1",
+ "3p1z",
+ "1dzm",
+ "7qbm",
+ "5b75",
+ "6tbw",
+ "4r2p",
+ "2a7o",
+ "6q7h",
+ "3aa2",
+ "3d9e",
+ "2xk0",
+ "5tw2",
+ "4oeu",
+ "6qoi",
+ "4xpj",
+ "3bin",
+ "4wpm",
+ "1lgu",
+ "4row",
+ "1zhs",
+ "4ahd",
+ "3ldy",
+ "3ool",
+ "4rnz",
+ "5sqs",
+ "5bxx",
+ "6ejm",
+ "7ekn",
+ "4y3c",
+ "4knj",
+ "6t3b",
+ "1p57",
+ "7q68",
+ "1qv0",
+ "4b0n",
+ "2vr0",
+ "5b2c",
+ "1iuc",
+ "1thk",
+ "4zyh",
+ "3i9k",
+ "2fzh",
+ "7o3e",
+ "2ix7",
+ "1nd6",
+ "1qsa",
+ "1uy7",
+ "4yla",
+ "4zrg",
+ "5jat",
+ "6xzc",
+ "7t9o",
+ "2afq",
+ "2mpu",
+ "7dbt",
+ "6uuh",
+ "6vbx",
+ "7r0k",
+ "7kdc",
+ "3keo",
+ "7uny",
+ "4u2m",
+ "2dxu",
+ "3wo8",
+ "4g9d",
+ "5iwp",
+ "3ubv",
+ "3bpc",
+ "4xh6",
+ "7a4u",
+ "2noy",
+ "4nca",
+ "3zfw",
+ "7mu8",
+ "1lsb",
+ "8ae3",
+ "3m2w",
+ "5d1x",
+ "4rmg",
+ "6p8f",
+ "2jb9",
+ "4wsr",
+ "5xyq",
+ "1c4k",
+ "4n4f",
+ "7x49",
+ "4qwj",
+ "6z6e",
+ "5mm3",
+ "3o6r",
+ "1qdu",
+ "1cbx",
+ "2jh1",
+ "1erj",
+ "1gvf",
+ "4j14",
+ "3obs",
+ "5ije",
+ "2zc7",
+ "4hyf",
+ "6t02",
+ "1ffw",
+ "3ajq",
+ "2wqb",
+ "7vip",
+ "5o9m",
+ "6l7h",
+ "4tyv",
+ "3hip",
+ "5ce9",
+ "7f04",
+ "3amh",
+ "4wru",
+ "4ork",
+ "7u8g",
+ "1mkk",
+ "7c84",
+ "2kdd",
+ "5zmv",
+ "7m7p",
+ "2ro5",
+ "3aro",
+ "6trn",
+ "2b0m",
+ "7uau",
+ "2gg6",
+ "5t5p",
+ "6cwg",
+ "5h6v",
+ "4xyf",
+ "2b3k",
+ "4npp",
+ "6z0q",
+ "6rth",
+ "2q29",
+ "2kwh",
+ "2p4a",
+ "5ite",
+ "3vts",
+ "5b88",
+ "1bt8",
+ "6ake",
+ "1h76",
+ "8f54",
+ "5oe9",
+ "6hqz",
+ "7lpe",
+ "1ekj",
+ "4b31",
+ "8ex0",
+ "1v4k",
+ "3ahc",
+ "4wmc",
+ "1dz0",
+ "3n5u",
+ "2pmh",
+ "4jqh",
+ "4nbj",
+ "2qvv",
+ "5l52",
+ "1ahb",
+ "1mlg",
+ "7vl1",
+ "5w94",
+ "5wan",
+ "1a8g",
+ "1cwf",
+ "5ih2",
+ "1vyg",
+ "4oh9",
+ "4qz3",
+ "5idr",
+ "137l",
+ "1ile",
+ "8aaz",
+ "6nsj",
+ "3tua",
+ "5myy",
+ "3aek",
+ "3gn4",
+ "6jx1",
+ "6fzv",
+ "4bu4",
+ "3shq",
+ "2x48",
+ "1lqb",
+ "1rjw",
+ "6ojt",
+ "1rny",
+ "2cvh",
+ "3azs",
+ "5anr",
+ "5yy3",
+ "6t4b",
+ "5oh8",
+ "5cg1",
+ "3ogp",
+ "5wdk",
+ "6j85",
+ "1cob",
+ "6r6f",
+ "5ew0",
+ "4ikr",
+ "3sul",
+ "5g42",
+ "4ilb",
+ "1edo",
+ "7kie",
+ "1jdu",
+ "1vkt",
+ "4wqt",
+ "4gk0",
+ "1nw8",
+ "2reb",
+ "6vwu",
+ "1lqp",
+ "2zyj",
+ "5xv6",
+ "2zfo",
+ "7lrm",
+ "6pqc",
+ "6zsj",
+ "6lna",
+ "8rat",
+ "3zfc",
+ "6qei",
+ "7dbs",
+ "4owj",
+ "7yqm",
+ "1vz2",
+ "6tr4",
+ "8a9z",
+ "3ap9",
+ "5jug",
+ "6yrp",
+ "1nkl",
+ "3zrz",
+ "1o9a",
+ "3qsi",
+ "4tui",
+ "6gvc",
+ "6ati",
+ "2wgr",
+ "7mc1",
+ "4ors",
+ "6qx5",
+ "5pwf",
+ "6zf4",
+ "7vvn",
+ "4ugz",
+ "3g3a",
+ "2zrv",
+ "1wma",
+ "6st9",
+ "4qww",
+ "1s07",
+ "6po8",
+ "5izl",
+ "5my8",
+ "3hy1",
+ "5qu5",
+ "5fzs",
+ "5ed8",
+ "6ytx",
+ "4lk7",
+ "3etq",
+ "4zgy",
+ "6jga",
+ "5wrw",
+ "2wgv",
+ "4h56",
+ "3vsu",
+ "6x8d",
+ "5r3c",
+ "3qn9",
+ "4i04",
+ "5kox",
+ "7nn6",
+ "6ty5",
+ "7duq",
+ "2nps",
+ "3bdl",
+ "1j7y",
+ "4f4z",
+ "8ab7",
+ "8cxy",
+ "1dgl",
+ "1k94",
+ "5re7",
+ "6fc2",
+ "5ji2",
+ "3e7c",
+ "4hfq",
+ "1ik7",
+ "4cxh",
+ "2hzc",
+ "1gfq",
+ "3c98",
+ "5pvb",
+ "4ws5",
+ "3j4f",
+ "3m1b",
+ "1yil",
+ "3ods",
+ "6p3v",
+ "1qyn",
+ "3cdz",
+ "6ede",
+ "6bth",
+ "8d1i",
+ "1edv",
+ "6ejf",
+ "2ogu",
+ "7tsm",
+ "4gv8",
+ "4jd5",
+ "6ef7",
+ "6e87",
+ "1q7m",
+ "4pht",
+ "6f35",
+ "1zms",
+ "3kpk",
+ "5dgo",
+ "1sml",
+ "4wx1",
+ "7bjh",
+ "5h1v",
+ "5c0j",
+ "1urn",
+ "5y37",
+ "8gn6",
+ "3hp5",
+ "1fvd",
+ "1pvs",
+ "1pes",
+ "6qot",
+ "3poy",
+ "1huh",
+ "4unv",
+ "3mvv",
+ "3s0d",
+ "6fao",
+ "3qyu",
+ "1nz9",
+ "1l67",
+ "2fpv",
+ "3dz6",
+ "1dtk",
+ "5h2p",
+ "2euq",
+ "3vys",
+ "4csk",
+ "7ko0",
+ "1iw9",
+ "3a46",
+ "1lj4",
+ "6rwt",
+ "1rh3",
+ "1wuf",
+ "6h7d",
+ "3pkb",
+ "1grt",
+ "4f5y",
+ "5x9a",
+ "1za8",
+ "8dek",
+ "3mxg",
+ "6wlz",
+ "8ao1",
+ "1ohn",
+ "7o43",
+ "6u7f",
+ "5xtx",
+ "2gho",
+ "4wp5",
+ "1cub",
+ "2pk0",
+ "4fb8",
+ "6weg",
+ "6hjy",
+ "4gj5",
+ "6db3",
+ "2esf",
+ "5ugb",
+ "3qho",
+ "6kfk",
+ "5gyh",
+ "7sxc",
+ "6cyd",
+ "3qcb",
+ "1mrw",
+ "4dpx",
+ "5iqz",
+ "6de5",
+ "6x4i",
+ "1jzm",
+ "1g4p",
+ "1dxe",
+ "7udg",
+ "7sgs",
+ "4cwr",
+ "5qej",
+ "3nva",
+ "7mdm",
+ "5ozt",
+ "4v2y",
+ "3f9m",
+ "3kel",
+ "2wk6",
+ "5t5v",
+ "7afw",
+ "3h5b",
+ "3lye",
+ "1moa",
+ "5lpk",
+ "7ywj",
+ "7pcs",
+ "1d4i",
+ "6b19",
+ "4zrc",
+ "5ph4",
+ "1kj1",
+ "1nn6",
+ "7ayp",
+ "3nwf",
+ "4s01",
+ "3lgq",
+ "5nry",
+ "1bcn",
+ "4ceo",
+ "5mll",
+ "1pkh",
+ "1dlq",
+ "2end",
+ "5mwb",
+ "3ltw",
+ "6uko",
+ "5gry",
+ "2p1x",
+ "5uoi",
+ "6bfz",
+ "4od9",
+ "3gdx",
+ "3qy6",
+ "8b9q",
+ "4lgr",
+ "6z69",
+ "1bz9",
+ "4p8q",
+ "1cen",
+ "3jse",
+ "2esm",
+ "7bgt",
+ "3kuv",
+ "3gvj",
+ "6p1t",
+ "7adt",
+ "6jcx",
+ "1rwn",
+ "7r6a",
+ "1c1d",
+ "1jzq",
+ "2cw0",
+ "1m35",
+ "3dwu",
+ "5c6i",
+ "4cvh",
+ "3imq",
+ "7s4r",
+ "6axo",
+ "6mdq",
+ "2bbm",
+ "7vfm",
+ "7usn",
+ "4eri",
+ "8d1f",
+ "1f9u",
+ "7cin",
+ "4b4k",
+ "6wj1",
+ "4noe",
+ "7qe9",
+ "6clw",
+ "8ext",
+ "4plm",
+ "6cfo",
+ "6zkh",
+ "1i82",
+ "6hil",
+ "4ybn",
+ "5b36",
+ "2z60",
+ "3asf",
+ "2w8c",
+ "4eu9",
+ "2rok",
+ "6szo",
+ "1im5",
+ "2rmo",
+ "1s3u",
+ "2h7e",
+ "7n86",
+ "1lu4",
+ "6nkp",
+ "4a3t",
+ "4v29",
+ "1rgr",
+ "1wm9",
+ "1j7l",
+ "5cba",
+ "5u0a",
+ "7tpx",
+ "3t0q",
+ "7esr",
+ "2aur",
+ "2jpn",
+ "1kmt",
+ "5wdi",
+ "3q3y",
+ "5l6p",
+ "4kju",
+ "2obe",
+ "5ax8",
+ "3ok8",
+ "3n1l",
+ "3ayx",
+ "1nu8",
+ "1w6r",
+ "5tv1",
+ "1ayi",
+ "6mwq",
+ "4ont",
+ "3c1z",
+ "4jpj",
+ "7k1p",
+ "2nqc",
+ "8d3l",
+ "4rru",
+ "5xpy",
+ "2bkf",
+ "1arf",
+ "6tam",
+ "2dbt",
+ "2gbx",
+ "5mgs",
+ "5e5x",
+ "5ofi",
+ "1sbf",
+ "4yhn",
+ "5uqo",
+ "3j96",
+ "7kvk",
+ "5b6m",
+ "5iu9",
+ "1ga9",
+ "6mwl",
+ "7ch8",
+ "6q9s",
+ "3pf5",
+ "5xx7",
+ "7a8s",
+ "3q4w",
+ "6mek",
+ "7cas",
+ "4ll1",
+ "2kw0",
+ "3b04",
+ "8b8b",
+ "2h5m",
+ "6tho",
+ "4dxc",
+ "8a5l",
+ "6mus",
+ "2kdh",
+ "3lly",
+ "5k8d",
+ "4jre",
+ "4nak",
+ "1gs8",
+ "3ghv",
+ "6z4e",
+ "3b43",
+ "3jal",
+ "4jof",
+ "6zah",
+ "6b48",
+ "7q3d",
+ "7p84",
+ "3l6c",
+ "5qlx",
+ "6xug",
+ "7pso",
+ "6qxd",
+ "4eo4",
+ "7coa",
+ "4oel",
+ "3ehv",
+ "3g28",
+ "5xyo",
+ "3wqc",
+ "1zvn",
+ "1viy",
+ "5tuv",
+ "5lth",
+ "3nk8",
+ "1mp8",
+ "1lny",
+ "3qai",
+ "7mlu",
+ "7bb4",
+ "8gnn",
+ "1oln",
+ "4jmp",
+ "6n0p",
+ "6tlz",
+ "5i3m",
+ "7rkp",
+ "6scr",
+ "4bv8",
+ "7ex2",
+ "6jvy",
+ "2vcd",
+ "4mod",
+ "5a83",
+ "8efk",
+ "3wvw",
+ "1n3o",
+ "2p6a",
+ "1kcb",
+ "3kjp",
+ "4brs",
+ "7jvr",
+ "5exf",
+ "1e4u",
+ "7mg9",
+ "6zxt",
+ "7mk1",
+ "4zba",
+ "1rj2",
+ "4pf0",
+ "1pdr",
+ "3zwc",
+ "5tqs",
+ "6zl6",
+ "5pwx",
+ "5d2n",
+ "4tz6",
+ "1n38",
+ "6zj2",
+ "1geg",
+ "2who",
+ "8b99",
+ "7wsa",
+ "2adz",
+ "4z0c",
+ "3tl3",
+ "7zrp",
+ "6za0",
+ "4ptv",
+ "6lze",
+ "4m4f",
+ "1ayc",
+ "2w1x",
+ "6f66",
+ "3a69",
+ "4b88",
+ "5iw1",
+ "4e1v",
+ "1n2s",
+ "4mgv",
+ "2vrd",
+ "4xvc",
+ "8fm8",
+ "2bhu",
+ "3pjx",
+ "7llz",
+ "4hwd",
+ "6ff0",
+ "5uc9",
+ "5cmb",
+ "1zar",
+ "5sq3",
+ "5doq",
+ "6b7d",
+ "2a52",
+ "3dox",
+ "2z1v",
+ "5ao9",
+ "6yhx",
+ "3gje",
+ "6bxy",
+ "8h3s",
+ "1s0j",
+ "7lrr",
+ "2wzd",
+ "6nlb",
+ "7c0o",
+ "6o59",
+ "1mwa",
+ "6tpp",
+ "5zb1",
+ "2bz4",
+ "2kit",
+ "1d5q",
+ "7og6",
+ "6nig",
+ "7ywa",
+ "1fm8",
+ "6tjn",
+ "1a1x",
+ "3tiy",
+ "3swn",
+ "2y9q",
+ "1fx7",
+ "4bnz",
+ "3f8c",
+ "2mgk",
+ "4evg",
+ "3b0y",
+ "2bou",
+ "5mfy",
+ "7l2p",
+ "5ie8",
+ "6b6b",
+ "5zxv",
+ "2igo",
+ "3hre",
+ "2ze6",
+ "7ck3",
+ "4d8x",
+ "7zjt",
+ "6uh1",
+ "7aha",
+ "1ziv",
+ "4d4z",
+ "1jik",
+ "5wey",
+ "4j3b",
+ "7yz2",
+ "5vqm",
+ "3vh1",
+ "4j40",
+ "6xr6",
+ "3ii4",
+ "4q6m",
+ "2izn",
+ "4ehu",
+ "6mzf",
+ "1bka",
+ "7p3q",
+ "2lwv",
+ "4i1e",
+ "1moc",
+ "1kvy",
+ "4qwk",
+ "2kef",
+ "6a78",
+ "4wvi",
+ "2vbp",
+ "4xld",
+ "1hgi",
+ "3g7c",
+ "1gyv",
+ "1f0r",
+ "2q92",
+ "6u3f",
+ "2qoo",
+ "5soq",
+ "7sog",
+ "6dww",
+ "7e4g",
+ "1mzi",
+ "1wms",
+ "3hni",
+ "4wfe",
+ "6h6k",
+ "3iqz",
+ "3eh5",
+ "6mmu",
+ "6yra",
+ "2yau",
+ "6b57",
+ "3w0r",
+ "6puj",
+ "7noj",
+ "6ib7",
+ "7sd3",
+ "6oh3",
+ "6w3d",
+ "5mjh",
+ "2gst",
+ "7mk6",
+ "3rqq",
+ "6qlj",
+ "4ato",
+ "6n92",
+ "2y52",
+ "3pqy",
+ "2bmq",
+ "1pgs",
+ "3fr7",
+ "4zfc",
+ "1v7y",
+ "3e3z",
+ "6dx8",
+ "1u26",
+ "4izb",
+ "5xto",
+ "7riu",
+ "3czv",
+ "7xze",
+ "7n5v",
+ "3uw0",
+ "2jnk",
+ "3nws",
+ "4gnq",
+ "2xo6",
+ "6sjz",
+ "5wzs",
+ "6g9t",
+ "1nsj",
+ "2zsb",
+ "4z76",
+ "5nh7",
+ "4lo9",
+ "5le7",
+ "6sez",
+ "5q0u",
+ "1x3u",
+ "4iq6",
+ "4a1o",
+ "3edy",
+ "5cnw",
+ "1nut",
+ "6n6s",
+ "2jj9",
+ "1m6j",
+ "5ccy",
+ "6mxg",
+ "5vwb",
+ "3ca7",
+ "2ai2",
+ "6izj",
+ "1o85",
+ "6w52",
+ "4oty",
+ "8dbx",
+ "4g9e",
+ "5jau",
+ "6x8t",
+ "7kpu",
+ "3hc8",
+ "6psg",
+ "4ozu",
+ "6vnz",
+ "2j74",
+ "5fsm",
+ "1ny6",
+ "3ohu",
+ "2xjw",
+ "5ham",
+ "7vdq",
+ "4dc7",
+ "6nq7",
+ "3dmv",
+ "1nze",
+ "5dsx",
+ "4wui",
+ "4v1t",
+ "5ote",
+ "3dav",
+ "4biy",
+ "1u2t",
+ "7jg9",
+ "1ncy",
+ "5ipy",
+ "7lai",
+ "5iei",
+ "3q9c",
+ "4hck",
+ "1jji",
+ "7dck",
+ "5dli",
+ "2glr",
+ "5cxz",
+ "2j59",
+ "2a79",
+ "7bz6",
+ "6q3r",
+ "6i0b",
+ "2y2z",
+ "6d1c",
+ "4bis",
+ "6p6w",
+ "7e4l",
+ "3hc7",
+ "6kn8",
+ "4wx4",
+ "5hxs",
+ "2fm4",
+ "6ljf",
+ "7y66",
+ "7v1u",
+ "3f12",
+ "1sol",
+ "6wa8",
+ "1fz4",
+ "4ccp",
+ "7m80",
+ "8e0y",
+ "4ofs",
+ "1hyg",
+ "4xia",
+ "3eai",
+ "3oph",
+ "3f6y",
+ "2k2x",
+ "7llh",
+ "4ubj",
+ "1j0r",
+ "3gt8",
+ "4u49",
+ "3ahr",
+ "2d10",
+ "6wyn",
+ "7e48",
+ "6qnm",
+ "1era",
+ "2isd",
+ "5mw2",
+ "2xh4",
+ "1z90",
+ "3m5m",
+ "3nq3",
+ "6fq6",
+ "3ln8",
+ "5lh1",
+ "7qz0",
+ "7cfn",
+ "1e7q",
+ "3w5j",
+ "4k3g",
+ "3ev6",
+ "6lpq",
+ "2jhs",
+ "1as0",
+ "3mjg",
+ "7vgw",
+ "6h59",
+ "5qdj",
+ "5kid",
+ "6r77",
+ "6fj8",
+ "7yyq",
+ "3gzh",
+ "4ifu",
+ "7r4l",
+ "1ue0",
+ "6qmk",
+ "6wdt",
+ "7rut",
+ "7mlq",
+ "1sku",
+ "4wyf",
+ "2nbg",
+ "2q0o",
+ "6gdc",
+ "4o9s",
+ "5duo",
+ "5clq",
+ "6c35",
+ "5ykz",
+ "1cs6",
+ "5h3q",
+ "2qep",
+ "7fmj",
+ "6d88",
+ "2roq",
+ "7n6y",
+ "8a4y",
+ "1ls2",
+ "5y3r",
+ "2i1m",
+ "5gtr",
+ "3bl2",
+ "6ygu",
+ "2v5r",
+ "5p36",
+ "1kg0",
+ "8ff9",
+ "4m94",
+ "6jcq",
+ "5r2f",
+ "3qlr",
+ "4ma7",
+ "1eg7",
+ "6z1v",
+ "3b3m",
+ "5rtx",
+ "3eku",
+ "4o61",
+ "4w67",
+ "7jmw",
+ "1lzy",
+ "1tsk",
+ "2ml9",
+ "5uen",
+ "1hrl",
+ "6nrg",
+ "1uko",
+ "3b01",
+ "1pd9",
+ "4glv",
+ "4gg1",
+ "2yjj",
+ "5em7",
+ "8djm",
+ "7bjj",
+ "4mkh",
+ "1uya",
+ "5ddt",
+ "5vhv",
+ "3hn1",
+ "7lxh",
+ "1f5r",
+ "7ubx",
+ "4lav",
+ "3smr",
+ "4zil",
+ "3sbk",
+ "4h7m",
+ "1f70",
+ "1kqg",
+ "3t8u",
+ "2y8w",
+ "4z91",
+ "2e7t",
+ "7t4i",
+ "2zou",
+ "6lni",
+ "1vm1",
+ "1nea",
+ "3fjf",
+ "7ema",
+ "1o0l",
+ "3hg5",
+ "4tm3",
+ "2bc7",
+ "6cji",
+ "7bzu",
+ "6x3w",
+ "2zx1",
+ "6hrw",
+ "6mh2",
+ "1qu6",
+ "5kop",
+ "2v2v",
+ "3qak",
+ "4qdn",
+ "1tl5",
+ "6fo7",
+ "6puf",
+ "3w6c",
+ "6ul0",
+ "3jaw",
+ "6f93",
+ "4dt4",
+ "4ub4",
+ "6jqo",
+ "5aam",
+ "5aly",
+ "1u1c",
+ "5yvx",
+ "7wql",
+ "1qlz",
+ "6mzo",
+ "5ews",
+ "5nwe",
+ "6eb9",
+ "4drv",
+ "3sxc",
+ "7lu2",
+ "6x0b",
+ "1wbe",
+ "6dvm",
+ "1xr8",
+ "6mwm",
+ "2g4p",
+ "4xvu",
+ "6eyu",
+ "2fzv",
+ "1odc",
+ "7lg5",
+ "6g6z",
+ "2jnz",
+ "5hz9",
+ "6usr",
+ "1wdm",
+ "6oee",
+ "1dyq",
+ "5jbj",
+ "5c6v",
+ "2xlj",
+ "6fqv",
+ "1xzn",
+ "5dx0",
+ "7car",
+ "1w4u",
+ "5qyd",
+ "6vtn",
+ "2n9k",
+ "1uiv",
+ "1msz",
+ "2iia",
+ "6ocw",
+ "4zpi",
+ "8dcb",
+ "2vhd",
+ "7t8c",
+ "3tiz",
+ "2i6q",
+ "4dgx",
+ "1ld8",
+ "3cxp",
+ "6jbs",
+ "5ud1",
+ "1e5v",
+ "5su9",
+ "3uq7",
+ "2vxo",
+ "5y4h",
+ "6vcw",
+ "2h6g",
+ "5n62",
+ "6o71",
+ "6vlx",
+ "3h6c",
+ "5pxd",
+ "4cpi",
+ "3gre",
+ "5hzy",
+ "7mbo",
+ "1znc",
+ "6qfv",
+ "1ymz",
+ "7zri",
+ "3uum",
+ "4rcw",
+ "2xq6",
+ "1pyl",
+ "2a3x",
+ "1isk",
+ "8bfj",
+ "3asp",
+ "6dzt",
+ "4e07",
+ "1smn",
+ "5tlw",
+ "2hc1",
+ "6nri",
+ "2oh9",
+ "4kf6",
+ "6s1t",
+ "7evu",
+ "1gm4",
+ "5t4a",
+ "4i3k",
+ "4mqm",
+ "6vp4",
+ "3nje",
+ "7k0e",
+ "3mla",
+ "2mf0",
+ "6k0r",
+ "3qvl",
+ "4knr",
+ "2m6n",
+ "5fsk",
+ "2a1k",
+ "1yep",
+ "3wd9",
+ "3kdm",
+ "2h2s",
+ "1stm",
+ "6mtv",
+ "4eyu",
+ "2lly",
+ "4uqj",
+ "3nld",
+ "4ieq",
+ "7lk5",
+ "2f9m",
+ "4xbd",
+ "5kzc",
+ "5svy",
+ "1nh9",
+ "1l5a",
+ "2mri",
+ "6ia7",
+ "7l5j",
+ "4bfi",
+ "3epw",
+ "1o69",
+ "6u4b",
+ "1tgl",
+ "2ztj",
+ "2vxm",
+ "5ubs",
+ "5r9s",
+ "6ffn",
+ "2of4",
+ "2dwd",
+ "1edz",
+ "3rfe",
+ "4zn4",
+ "7icd",
+ "5tm3",
+ "3bmb",
+ "1n6b",
+ "7q89",
+ "7l8c",
+ "7y38",
+ "7thc",
+ "3wpf",
+ "5k7m",
+ "8gpb",
+ "2lwe",
+ "3ol8",
+ "4y6v",
+ "4fry",
+ "1c7k",
+ "6igp",
+ "4yiz",
+ "5k4v",
+ "1ial",
+ "6ond",
+ "3lzi",
+ "4isq",
+ "6iva",
+ "6hz4",
+ "4w50",
+ "4tq7",
+ "1nbb",
+ "4oea",
+ "4d9p",
+ "4tt4",
+ "3pvu",
+ "4q50",
+ "3d7o",
+ "4wul",
+ "5cog",
+ "5etz",
+ "2jut",
+ "2whr",
+ "4uoa",
+ "2m7a",
+ "4j2a",
+ "4wmv",
+ "7rtg",
+ "6fgn",
+ "3h68",
+ "2d6n",
+ "1ffo",
+ "5l79",
+ "6jxs",
+ "6s5d",
+ "4rhf",
+ "5zf2",
+ "7cx3",
+ "7wog",
+ "7axc",
+ "1x8d",
+ "2k39",
+ "2wtg",
+ "3gi2",
+ "4cn5",
+ "1cfh",
+ "7xz4",
+ "4cv2",
+ "5p08",
+ "5gus",
+ "1fy9",
+ "5f5b",
+ "1b0l",
+ "2zre",
+ "5qz7",
+ "4uyn",
+ "1wza",
+ "2duq",
+ "1vb9",
+ "1tg3",
+ "3o3a",
+ "5mv4",
+ "6q73",
+ "7m6s",
+ "3is7",
+ "6yhl",
+ "1tny",
+ "3dr1",
+ "1rn7",
+ "6mda",
+ "5elt",
+ "1ro6",
+ "8cpa",
+ "3pvs",
+ "1yrq",
+ "2f8o",
+ "3rjr",
+ "3v3t",
+ "2z77",
+ "6l8i",
+ "6pqt",
+ "5fsu",
+ "5f9d",
+ "6t34",
+ "5g0z",
+ "5ez2",
+ "6nko",
+ "1dvq",
+ "3uv5",
+ "2jnh",
+ "2wkw",
+ "1gyb",
+ "8abx",
+ "4q4d",
+ "3o79",
+ "4dox",
+ "4p4e",
+ "5n7l",
+ "3wnd",
+ "3g6a",
+ "6lbh",
+ "2y7h",
+ "6nni",
+ "6iol",
+ "6mvs",
+ "6rd0",
+ "5ur8",
+ "8e3n",
+ "4c2m",
+ "6gt5",
+ "3ef6",
+ "3chk",
+ "3ffn",
+ "4jz6",
+ "5j69",
+ "7epi",
+ "7yfm",
+ "4hay",
+ "3b7d",
+ "5cgl",
+ "9gac",
+ "7tvn",
+ "3u9c",
+ "3dva",
+ "3eac",
+ "2c9r",
+ "3at8",
+ "5mx6",
+ "3ayu",
+ "5ndc",
+ "3ewa",
+ "3udq",
+ "2xe2",
+ "4auo",
+ "3k9p",
+ "2dyv",
+ "3fax",
+ "3nt2",
+ "6v6y",
+ "6k2q",
+ "3eb4",
+ "2chm",
+ "5u0i",
+ "7or4",
+ "1fk1",
+ "4gez",
+ "5da7",
+ "7v48",
+ "3zq9",
+ "7kfo",
+ "5mvx",
+ "5oxm",
+ "4kud",
+ "2ycj",
+ "3plr",
+ "4wfi",
+ "6uwx",
+ "2ypi",
+ "5ulm",
+ "7wcm",
+ "5jz8",
+ "5dym",
+ "5bpg",
+ "5jq9",
+ "4j5k",
+ "8bpg",
+ "4aia",
+ "3jrn",
+ "3dy3",
+ "5byg",
+ "3dnj",
+ "1q80",
+ "3ny9",
+ "5scl",
+ "6dcf",
+ "7w7r",
+ "4cd1",
+ "2kdp",
+ "1tko",
+ "4jmx",
+ "1a21",
+ "7fim",
+ "4eex",
+ "6s3f",
+ "5rv4",
+ "3sds",
+ "3w7t",
+ "2xuz",
+ "6crp",
+ "7ex7",
+ "5u6c",
+ "6coq",
+ "4and",
+ "5xmi",
+ "2vaj",
+ "6juo",
+ "3tdi",
+ "5lm1",
+ "1e7b",
+ "5xf7",
+ "1jnh",
+ "8aek",
+ "4m9t",
+ "3ql0",
+ "4yog",
+ "6b03",
+ "1mkh",
+ "2iuj",
+ "2kig",
+ "6igr",
+ "1bh6",
+ "2qum",
+ "6f7k",
+ "1ljz",
+ "1sbc",
+ "1kfz",
+ "220l",
+ "1qcj",
+ "5l24",
+ "6kl2",
+ "4xfo",
+ "5j5r",
+ "5it5",
+ "8oeg",
+ "3ru3",
+ "6khz",
+ "6xhs",
+ "4e9r",
+ "4p87",
+ "2h5y",
+ "4n4z",
+ "5tnb",
+ "5i91",
+ "7kwd",
+ "1rp3",
+ "1h8b",
+ "7bp9",
+ "3t4z",
+ "2b1o",
+ "3rh5",
+ "4dma",
+ "1jnz",
+ "4q3g",
+ "3fde",
+ "3wo0",
+ "3hpt",
+ "6ooy",
+ "6f0t",
+ "5e71",
+ "1sbo",
+ "6fqu",
+ "6sr0",
+ "6i8e",
+ "5bjt",
+ "3vxp",
+ "7fir",
+ "4lx9",
+ "6rp6",
+ "4qgh",
+ "5h21",
+ "6ala",
+ "5ub3",
+ "6tpt",
+ "5xma",
+ "2any",
+ "1gyy",
+ "3iid",
+ "4bd1",
+ "3gpr",
+ "4agt",
+ "6xma",
+ "3piz",
+ "3po5",
+ "6mbx",
+ "2rde",
+ "2lus",
+ "8ctk",
+ "1jv5",
+ "4c1p",
+ "3vdy",
+ "4ok0",
+ "6r7b",
+ "5v4q",
+ "6cgm",
+ "1b7z",
+ "5kzj",
+ "2vrr",
+ "3cd5",
+ "2y8l",
+ "7nj3",
+ "4rvl",
+ "3ita",
+ "2igg",
+ "6crb",
+ "3zde",
+ "7zmf",
+ "6bc8",
+ "4pmr",
+ "5gtc",
+ "6d32",
+ "3lo5",
+ "1trf",
+ "3akk",
+ "7oco",
+ "1k2e",
+ "6a7k",
+ "3neq",
+ "6sd9",
+ "7wrp",
+ "6p1e",
+ "5j27",
+ "2xru",
+ "2wku",
+ "1pmr",
+ "3voa",
+ "2zyh",
+ "3ary",
+ "2vxi",
+ "7alb",
+ "1mtz",
+ "7v3i",
+ "6cpb",
+ "3c8p",
+ "3rw9",
+ "4rpl",
+ "4hau",
+ "6ye4",
+ "6qva",
+ "5zxu",
+ "4fdq",
+ "4c2x",
+ "6ej7",
+ "5st6",
+ "3g7j",
+ "5vf3",
+ "6qwp",
+ "6uba",
+ "1bfb",
+ "6s6m",
+ "5o6o",
+ "3d3v",
+ "2xh2",
+ "4igy",
+ "5glf",
+ "6ysk",
+ "8b5b",
+ "5wj6",
+ "4ggk",
+ "2ayd",
+ "7vco",
+ "1b22",
+ "2pkr",
+ "7m4c",
+ "3rx8",
+ "6xjd",
+ "1gu0",
+ "6r3a",
+ "6tk2",
+ "6ify",
+ "6u0p",
+ "5ybv",
+ "7lau",
+ "1tl9",
+ "7ktd",
+ "6kk6",
+ "3i3q",
+ "7mt5",
+ "2aay",
+ "6ays",
+ "6gx5",
+ "4mn3",
+ "4zvj",
+ "3s3y",
+ "7lz0",
+ "7t5d",
+ "8amq",
+ "4k86",
+ "5c3t",
+ "5hy1",
+ "5ms1",
+ "4pjk",
+ "2v3a",
+ "1nyp",
+ "6o64",
+ "1kcl",
+ "4fnt",
+ "3lw5",
+ "5dr9",
+ "3oa5",
+ "2jvg",
+ "6lx5",
+ "4msh",
+ "6tce",
+ "4os0",
+ "5ih4",
+ "4rzr",
+ "7or2",
+ "1yhi",
+ "4lx1",
+ "5a67",
+ "1i2r",
+ "6tht",
+ "5l83",
+ "3c3r",
+ "6b55",
+ "3a4i",
+ "5en9",
+ "3bpn",
+ "5sxu",
+ "3zme",
+ "3mu3",
+ "3wbe",
+ "4ozg",
+ "3d5e",
+ "1e8p",
+ "5pwa",
+ "6gvf",
+ "5e6t",
+ "7zzc",
+ "4aw9",
+ "2blv",
+ "6a6x",
+ "3qo4",
+ "6mbz",
+ "4of3",
+ "1fx5",
+ "6eb0",
+ "190l",
+ "5gss",
+ "1r6o",
+ "7ti2",
+ "4jl7",
+ "1uap",
+ "5la0",
+ "3f3q",
+ "5jy7",
+ "3g81",
+ "1hh5",
+ "2ixo",
+ "7kd2",
+ "5lsy",
+ "7mro",
+ "7efp",
+ "5lx9",
+ "3v5t",
+ "3s3b",
+ "3o94",
+ "3h7b",
+ "4goj",
+ "4w99",
+ "2fj1",
+ "4hys",
+ "3i2e",
+ "3mf0",
+ "1im3",
+ "1mq4",
+ "2a69",
+ "2b0j",
+ "2kbo",
+ "2yhc",
+ "5mo2",
+ "5sy2",
+ "5fdw",
+ "3zns",
+ "3mgp",
+ "3rdr",
+ "8ayx",
+ "5y7g",
+ "5fig",
+ "1avz",
+ "3j97",
+ "4b2l",
+ "1qol",
+ "2nux",
+ "3i6c",
+ "5vpt",
+ "4lgz",
+ "3eso",
+ "7o16",
+ "6ezm",
+ "4nue",
+ "6mi8",
+ "6kod",
+ "6hwb",
+ "4u7v",
+ "3odk",
+ "5mxj",
+ "8czw",
+ "3ul5",
+ "7cry",
+ "2n1u",
+ "4ayi",
+ "4n3e",
+ "1lfz",
+ "7pol",
+ "3pa7",
+ "1jqg",
+ "1oxo",
+ "2ll6",
+ "2ivo",
+ "1tfw",
+ "3owd",
+ "7tli",
+ "3qwh",
+ "3ho5",
+ "6gl1",
+ "1c3b",
+ "2j3q",
+ "7brq",
+ "3fva",
+ "1xuj",
+ "1dw3",
+ "2fvn",
+ "3wk4",
+ "6gqz",
+ "6ww6",
+ "3iam",
+ "1gbz",
+ "4mnc",
+ "2mp1",
+ "5a11",
+ "5ugs",
+ "6z3j",
+ "1fzy",
+ "5pio",
+ "3csm",
+ "7bjs",
+ "5ah4",
+ "7axz",
+ "3oxk",
+ "5g31",
+ "6zpk",
+ "1yye",
+ "1ceq",
+ "3ngb",
+ "6rua",
+ "3iso",
+ "1d4h",
+ "5j4y",
+ "6pg2",
+ "6von",
+ "6vpr",
+ "6seb",
+ "6dan",
+ "1nr4",
+ "3m66",
+ "4gx1",
+ "1thu",
+ "3zgv",
+ "3hp8",
+ "5gvl",
+ "7onk",
+ "2gwx",
+ "1h50",
+ "8del",
+ "5v8u",
+ "4aq9",
+ "3znf",
+ "7l0j",
+ "5h7u",
+ "1jjw",
+ "7q13",
+ "6u3b",
+ "5j9i",
+ "1hzl",
+ "3f6f",
+ "6vj8",
+ "1sbe",
+ "4kgm",
+ "3mkf",
+ "5o0t",
+ "2gou",
+ "4naw",
+ "1ixd",
+ "7q65",
+ "1g50",
+ "1fw4",
+ "1a1n",
+ "5cvr",
+ "8ab9",
+ "5np7",
+ "4p1y",
+ "3gmj",
+ "8fxq",
+ "6t7j",
+ "3pow",
+ "2wr7",
+ "7t8r",
+ "2dft",
+ "1m7r",
+ "6c57",
+ "7lj4",
+ "2zd2",
+ "4lbf",
+ "6fdk",
+ "6cx3",
+ "2nx9",
+ "5wx5",
+ "6is3",
+ "4h13",
+ "5px1",
+ "6qnh",
+ "5cph",
+ "4yfv",
+ "6gvz",
+ "6ojj",
+ "5xnc",
+ "7jxy",
+ "6uw3",
+ "4i7e",
+ "4iwc",
+ "4iil",
+ "5wzt",
+ "4zp8",
+ "4mv7",
+ "2zec",
+ "3zdo",
+ "7p93",
+ "2rq7",
+ "1k9y",
+ "6pt5",
+ "5t4k",
+ "6dae",
+ "3upc",
+ "5ly9",
+ "1m4q",
+ "7zwp",
+ "1kf2",
+ "5mkb",
+ "1osg",
+ "7npa",
+ "8d1g",
+ "2r83",
+ "3uvn",
+ "5pp4",
+ "4fkk",
+ "6w3b",
+ "2r3x",
+ "7tej",
+ "2lrl",
+ "4enx",
+ "6x0i",
+ "5lnf",
+ "5ax3",
+ "2wmg",
+ "6i07",
+ "6t7f",
+ "6p74",
+ "3k3a",
+ "3j8j",
+ "5kvq",
+ "4w87",
+ "2cn6",
+ "4yvk",
+ "3od7",
+ "3apt",
+ "3acw",
+ "2z76",
+ "4h84",
+ "6fd1",
+ "6f3m",
+ "4yp3",
+ "1poz",
+ "6dkf",
+ "2z8x",
+ "5fg8",
+ "1bxo",
+ "3rsh",
+ "3zxq",
+ "6jqh",
+ "2bhl",
+ "3g0g",
+ "3sem",
+ "6f64",
+ "5cdw",
+ "5cr8",
+ "4o9e",
+ "2ojm",
+ "1hig",
+ "6lb0",
+ "7p3v",
+ "1ogt",
+ "2lm4",
+ "2jta",
+ "1js6",
+ "2m9e",
+ "5af2",
+ "6bcg",
+ "1za7",
+ "4nsd",
+ "7oy4",
+ "1iyi",
+ "5mhc",
+ "3nex",
+ "1ff2",
+ "2j64",
+ "6eua",
+ "1ul5",
+ "7e5m",
+ "2zel",
+ "2f1g",
+ "6yby",
+ "2e3g",
+ "6zuf",
+ "7vs7",
+ "4phi",
+ "8e8a",
+ "8f8y",
+ "4ecy",
+ "2imf",
+ "7wsv",
+ "2z2e",
+ "5iz2",
+ "5tkk",
+ "4no2",
+ "7fp0",
+ "5hib",
+ "2onn",
+ "1f68",
+ "1pwo",
+ "7tpv",
+ "3uyc",
+ "1tp9",
+ "2gk1",
+ "3m29",
+ "5og6",
+ "4hsv",
+ "5kuq",
+ "1mh1",
+ "1w1h",
+ "4dcy",
+ "2xhi",
+ "5cyh",
+ "7d1e",
+ "2xoa",
+ "4iqh",
+ "1v1q",
+ "4o35",
+ "1gjd",
+ "5oqn",
+ "6lpw",
+ "7z75",
+ "7byu",
+ "4o6k",
+ "1ntv",
+ "1ltd",
+ "4htg",
+ "6clk",
+ "4wco",
+ "2l4a",
+ "5omf",
+ "5up9",
+ "4ia1",
+ "2nvu",
+ "1fio",
+ "1es2",
+ "5hb1",
+ "7y0d",
+ "7k0v",
+ "6jmp",
+ "3m93",
+ "1fdi",
+ "3sxq",
+ "2pc0",
+ "6ris",
+ "3pxo",
+ "7meg",
+ "1e12",
+ "6s7o",
+ "1dt5",
+ "5df6",
+ "1uxj",
+ "1n8e",
+ "3e0m",
+ "6kam",
+ "4mqt",
+ "2b0t",
+ "5xd9",
+ "1xkj",
+ "5rvg",
+ "1jpi",
+ "6onk",
+ "5diy",
+ "1is5",
+ "1ing",
+ "6dh1",
+ "5tcy",
+ "4qzx",
+ "1wpr",
+ "6wsh",
+ "5w0u",
+ "5br3",
+ "4tl6",
+ "5p7t",
+ "5xtn",
+ "1eb6",
+ "4d3g",
+ "5o0m",
+ "3psh",
+ "5zo1",
+ "5jgb",
+ "5yu3",
+ "7ktq",
+ "1o8w",
+ "2dcq",
+ "5z1n",
+ "4mat",
+ "2pem",
+ "4rov",
+ "4ehx",
+ "1uwu",
+ "5nbz",
+ "3dhg",
+ "7bbl",
+ "6rg8",
+ "3izi",
+ "1rei",
+ "1lof",
+ "3k9y",
+ "6xkg",
+ "6wxq",
+ "4kap",
+ "6suo",
+ "2xq8",
+ "8gs2",
+ "1zs3",
+ "2leg",
+ "4mvh",
+ "4c78",
+ "8c5e",
+ "6rxe",
+ "4utc",
+ "6huk",
+ "4evd",
+ "6fw2",
+ "4w4q",
+ "6dzz",
+ "7xjl",
+ "5iae",
+ "4q05",
+ "2ooe",
+ "6fhy",
+ "2q6d",
+ "2nlr",
+ "3scm",
+ "3ddc",
+ "4ugu",
+ "4f1q",
+ "2ihj",
+ "4ufk",
+ "5t93",
+ "1ory",
+ "5awk",
+ "5ic8",
+ "1fpb",
+ "7n2i",
+ "6yes",
+ "6p2u",
+ "6urv",
+ "2ezq",
+ "4xok",
+ "4dmo",
+ "6rnf",
+ "6apv",
+ "2dws",
+ "3p9l",
+ "1fvv",
+ "6j9d",
+ "1cfb",
+ "4e2q",
+ "6e2g",
+ "4pxb",
+ "6ik7",
+ "5j87",
+ "3k2h",
+ "5woa",
+ "5jid",
+ "6vms",
+ "3gj3",
+ "6sw0",
+ "7jlj",
+ "7v0z",
+ "3liv",
+ "1e3q",
+ "4drj",
+ "3tfm",
+ "6dds",
+ "6bzj",
+ "7zkp",
+ "6m58",
+ "1xs6",
+ "1a5p",
+ "6ixz",
+ "3qcj",
+ "1jvv",
+ "5vb8",
+ "6r24",
+ "1qqg",
+ "1mil",
+ "3ixq",
+ "6dt1",
+ "4z6o",
+ "7eiu",
+ "6r7j",
+ "5yn3",
+ "2ci7",
+ "1qfn",
+ "5at1",
+ "6d3m",
+ "6ifa",
+ "7baj",
+ "1n3l",
+ "3zlq",
+ "6ufl",
+ "6hh0",
+ "7zco",
+ "1p5j",
+ "7vey",
+ "6vh3",
+ "5ppc",
+ "1l01",
+ "6zd0",
+ "6fgz",
+ "6nxx",
+ "2gmw",
+ "5f8w",
+ "4qjl",
+ "5ugh",
+ "2zxo",
+ "4qr1",
+ "1o0p",
+ "3c00",
+ "3zw0",
+ "7lfs",
+ "5ik0",
+ "1fmv",
+ "7p11",
+ "2lvv",
+ "2khk",
+ "2wzo",
+ "3sm1",
+ "4jho",
+ "4eyn",
+ "6ivu",
+ "3ebi",
+ "2nxe",
+ "3odu",
+ "3r32",
+ "4rrd",
+ "7n2p",
+ "2q70",
+ "1rxk",
+ "1gpr",
+ "6xsw",
+ "4m64",
+ "4l68",
+ "2ygg",
+ "8a48",
+ "3g0d",
+ "7tv9",
+ "5gxq",
+ "4v08",
+ "6d4f",
+ "5k7b",
+ "2r45",
+ "6dfv",
+ "7t30",
+ "1j4v",
+ "6h5h",
+ "6h0j",
+ "3d8e",
+ "6g8q",
+ "4ajc",
+ "4jj8",
+ "3agi",
+ "4cet",
+ "4r2k",
+ "3wc9",
+ "7v7l",
+ "1axy",
+ "1bqu",
+ "4ree",
+ "6uzt",
+ "2j1v",
+ "6uze",
+ "5sqy",
+ "2yi6",
+ "6wzz",
+ "2cji",
+ "2c6d",
+ "5rot",
+ "1vcp",
+ "6ifg",
+ "5vwo",
+ "6z3b",
+ "4bd3",
+ "5gyk",
+ "4q80",
+ "6i6e",
+ "4nae",
+ "2j1a",
+ "7mbm",
+ "1f94",
+ "2byx",
+ "7d8h",
+ "6g2c",
+ "1ftr",
+ "5y79",
+ "5hc5",
+ "5xfi",
+ "5uqj",
+ "6lp0",
+ "2etl",
+ "6opv",
+ "6t2w",
+ "4flv",
+ "6spp",
+ "1ux9",
+ "1u4e",
+ "1bk7",
+ "5d4c",
+ "7zm3",
+ "1szt",
+ "6tjv",
+ "3j6k",
+ "5lc9",
+ "3vft",
+ "5xpa",
+ "6xkj",
+ "4nni",
+ "1lru",
+ "4epm",
+ "6rwp",
+ "1ic0",
+ "7ts4",
+ "1u9b",
+ "1jlw",
+ "5k32",
+ "3jvf",
+ "7vj0",
+ "3q2o",
+ "3wy0",
+ "3gpy",
+ "1do0",
+ "6adz",
+ "7kdu",
+ "8b8n",
+ "6rbt",
+ "6qer",
+ "8ids",
+ "6wbz",
+ "3zt5",
+ "5r9o",
+ "3n64",
+ "2pjp",
+ "7jqy",
+ "3gpg",
+ "1apo",
+ "5mt7",
+ "1isq",
+ "4ep7",
+ "3ooa",
+ "4k6l",
+ "1cjp",
+ "6ljx",
+ "6rbg",
+ "2jcj",
+ "5kxe",
+ "1jx9",
+ "3a75",
+ "7onn",
+ "6ozh",
+ "1xm5",
+ "2e6g",
+ "5o9k",
+ "5k22",
+ "5agz",
+ "2eie",
+ "1vxa",
+ "7q1f",
+ "1nkr",
+ "8eno",
+ "1cyv",
+ "2zm9",
+ "5dzy",
+ "2rje",
+ "3ske",
+ "5lrf",
+ "1jc6",
+ "7f88",
+ "6gsx",
+ "2lfo",
+ "7ogp",
+ "2xei",
+ "3bt7",
+ "7roh",
+ "4ak6",
+ "6f06",
+ "4bcc",
+ "5njg",
+ "1uzi",
+ "4jm7",
+ "3wi2",
+ "6xui",
+ "4qx7",
+ "4ah3",
+ "7zhr",
+ "6lxc",
+ "3a9z",
+ "7wbs",
+ "5qgc",
+ "8drx",
+ "7mpr",
+ "6zlj",
+ "1w8k",
+ "4ifw",
+ "5pyo",
+ "5iu7",
+ "2mz8",
+ "6qlh",
+ "2mls",
+ "2wss",
+ "1ufj",
+ "7cr4",
+ "2y7x",
+ "2pgi",
+ "6ak3",
+ "3u6j",
+ "5i60",
+ "6gqs",
+ "1dk7",
+ "1ntr",
+ "5t2s",
+ "4evc",
+ "1m2g",
+ "8b3e",
+ "2xxw",
+ "2gt4",
+ "7tqj",
+ "2riu",
+ "3hx6",
+ "6qvd",
+ "6d07",
+ "5pds",
+ "4ggl",
+ "6zg0",
+ "2l90",
+ "3vhb",
+ "2vzm",
+ "5dem",
+ "1jqt",
+ "2b2k",
+ "3nm1",
+ "6nyi",
+ "7lam",
+ "3m9d",
+ "7sxq",
+ "6s4t",
+ "4u1k",
+ "5ori",
+ "4emi",
+ "5g55",
+ "3pux",
+ "3faz",
+ "5na2",
+ "5ldq",
+ "2zs7",
+ "1xtj",
+ "1tv4",
+ "3vux",
+ "6hqs",
+ "4ojq",
+ "2yyg",
+ "5y3b",
+ "2w1u",
+ "1p9u",
+ "6oju",
+ "1nu2",
+ "1u9p",
+ "7uks",
+ "5dhh",
+ "2kot",
+ "4z2z",
+ "3pma",
+ "1ony",
+ "3g5h",
+ "2cya",
+ "3jsu",
+ "6ad0",
+ "3j34",
+ "5klk",
+ "4qhe",
+ "2oxe",
+ "3dkx",
+ "5omg",
+ "1s1j",
+ "1rkc",
+ "1ji4",
+ "5r0o",
+ "5ybt",
+ "5x26",
+ "7vd9",
+ "4aiv",
+ "6ajh",
+ "5w5e",
+ "6bxi",
+ "6m9u",
+ "5v6r",
+ "1ixi",
+ "4lm6",
+ "5yqx",
+ "1q9b",
+ "7jzx",
+ "1xm9",
+ "5a5w",
+ "3lgh",
+ "1ima",
+ "6ski",
+ "3nnu",
+ "3bt2",
+ "2qvu",
+ "6q72",
+ "3nf9",
+ "2wlw",
+ "8grd",
+ "7rzv",
+ "1bl1",
+ "4j37",
+ "3at1",
+ "4bxe",
+ "5pt0",
+ "4quc",
+ "3kbv",
+ "5j3w",
+ "1p6p",
+ "7ur2",
+ "1dbp",
+ "2vgv",
+ "1yb6",
+ "3d6c",
+ "7ae8",
+ "4yal",
+ "5rgo",
+ "1zxv",
+ "3hu3",
+ "8h04",
+ "1kcq",
+ "1cb1",
+ "6tux",
+ "1opf",
+ "5oln",
+ "7p6k",
+ "3hvl",
+ "2r46",
+ "3d54",
+ "4i49",
+ "4bsh",
+ "7axa",
+ "5lxv",
+ "1ib6",
+ "6wma",
+ "6azm",
+ "6uib",
+ "5qft",
+ "4ov1",
+ "2be1",
+ "6p6e",
+ "5jq6",
+ "2y8t",
+ "4wli",
+ "1g31",
+ "1lbw",
+ "3wg2",
+ "1hnv",
+ "7cvy",
+ "2xwb",
+ "7unm",
+ "4y8a",
+ "1a63",
+ "3jtz",
+ "4c6a",
+ "1wur",
+ "6bjo",
+ "6b1e",
+ "4wnr",
+ "1d7h",
+ "1eq5",
+ "3had",
+ "6efj",
+ "5vnu",
+ "5zi2",
+ "6epe",
+ "4me3",
+ "2qd0",
+ "1rwt",
+ "4l8m",
+ "7wux",
+ "6me6",
+ "1afp",
+ "2cmr",
+ "6amo",
+ "3zmg",
+ "7a3x",
+ "7s2v",
+ "6frw",
+ "5tpx",
+ "7c2z",
+ "7erd",
+ "4bid",
+ "6qft",
+ "6d0u",
+ "3qhd",
+ "3g84",
+ "5a3d",
+ "5t9t",
+ "1mpy",
+ "6pf7",
+ "2awc",
+ "1he5",
+ "6myk",
+ "3s1x",
+ "1p46",
+ "2n27",
+ "6ugq",
+ "7lcb",
+ "1qgs",
+ "1uy1",
+ "3mlm",
+ "1hxr",
+ "3qck",
+ "7ewc",
+ "3ohh",
+ "6r0m",
+ "6ps6",
+ "3w4r",
+ "5pme",
+ "2pzv",
+ "1izy",
+ "6iui",
+ "4j3q",
+ "3aeq",
+ "5fn1",
+ "1the",
+ "5yz3",
+ "1i8j",
+ "3zwu",
+ "6u82",
+ "5hh1",
+ "2xc2",
+ "1dbz",
+ "5tn2",
+ "6c5m",
+ "6y4v",
+ "2p4s",
+ "3lwi",
+ "1f5b",
+ "4yvx",
+ "4n6b",
+ "1oz6",
+ "4icb",
+ "4l39",
+ "1lxa",
+ "8dr3",
+ "4zsv",
+ "5jij",
+ "4usf",
+ "3pjs",
+ "2dwp",
+ "1xyy",
+ "2rvc",
+ "3um3",
+ "4dls",
+ "4coc",
+ "6ra1",
+ "2afz",
+ "2yl9",
+ "2boi",
+ "6tdp",
+ "3hap",
+ "7wh0",
+ "1gwc",
+ "2x4q",
+ "4me6",
+ "6utg",
+ "5mi0",
+ "4qjc",
+ "5d3t",
+ "5n9l",
+ "2n39",
+ "4ktc",
+ "2r14",
+ "5w2k",
+ "3zfp",
+ "1qhg",
+ "5djo",
+ "8d6t",
+ "2jod",
+ "2uui",
+ "2glw",
+ "7s5j",
+ "6p4l",
+ "149l",
+ "7qbd",
+ "2haj",
+ "7pti",
+ "4xv6",
+ "2fka",
+ "7sqo",
+ "5rfu",
+ "3lu9",
+ "5w49",
+ "5cmn",
+ "2khx",
+ "3sx4",
+ "5htx",
+ "5gvi",
+ "7tid",
+ "1ayy",
+ "6s9n",
+ "2hqt",
+ "7do7",
+ "4d71",
+ "1o9e",
+ "5r9c",
+ "5o24",
+ "6dp8",
+ "6jq9",
+ "6lny",
+ "1quq",
+ "3zx4",
+ "5p50",
+ "5ezh",
+ "5iqn",
+ "4nbu",
+ "7bs5",
+ "1waz",
+ "3vzp",
+ "6pyi",
+ "2fax",
+ "2p50",
+ "1ctn",
+ "6jy5",
+ "5fo9",
+ "4zl9",
+ "1s60",
+ "6top",
+ "2ckg",
+ "4fcx",
+ "3v6n",
+ "8fr6",
+ "2nn1",
+ "6r8w",
+ "5b6c",
+ "5z9n",
+ "7p74",
+ "7yxe",
+ "3utl",
+ "5njd",
+ "5x17",
+ "1nel",
+ "2a37",
+ "2ijk",
+ "4oyn",
+ "4acl",
+ "2hq6",
+ "6s5g",
+ "5q0v",
+ "2xj8",
+ "6fm7",
+ "1ncu",
+ "5l93",
+ "1q1v",
+ "1szx",
+ "7up2",
+ "6oqq",
+ "7z2o",
+ "1ngl",
+ "1jzs",
+ "2uxn",
+ "1ggt",
+ "4im8",
+ "1adi",
+ "2pw3",
+ "7ceh",
+ "7wph",
+ "2b5v",
+ "1dn2",
+ "4e50",
+ "7rum",
+ "3ov9",
+ "5vyf",
+ "2k9y",
+ "4q0i",
+ "2agh",
+ "4i4h",
+ "2m7b",
+ "4xxs",
+ "6ft3",
+ "6c04",
+ "3cgu",
+ "6qkz",
+ "2ifd",
+ "7bjr",
+ "1rs2",
+ "2giq",
+ "3k8l",
+ "6iyy",
+ "5o83",
+ "1sfr",
+ "2rml",
+ "3e8b",
+ "7f98",
+ "3a4v",
+ "7ta5",
+ "6ptu",
+ "2nwo",
+ "4xp5",
+ "2bb2",
+ "2c75",
+ "1tzh",
+ "6ak9",
+ "4edu",
+ "3m02",
+ "7ak8",
+ "6ujf",
+ "3vo2",
+ "6krk",
+ "7ljz",
+ "3g5z",
+ "5lzr",
+ "4tzl",
+ "7wsh",
+ "7s7r",
+ "2o22",
+ "4pc6",
+ "5azc",
+ "1brj",
+ "2w18",
+ "6u1p",
+ "1qmb",
+ "6cc9",
+ "5qmw",
+ "1l68",
+ "3wv7",
+ "3hiw",
+ "2fei",
+ "3lik",
+ "6tlm",
+ "1lw1",
+ "2a4n",
+ "1krj",
+ "6n6m",
+ "1wy9",
+ "5fqf",
+ "5j9k",
+ "6wuk",
+ "5ky9",
+ "2jqd",
+ "6cea",
+ "3poa",
+ "6j07",
+ "7kfa",
+ "5y2e",
+ "7w1r",
+ "7xrn",
+ "7jyn",
+ "2l4i",
+ "7rm6",
+ "6us0",
+ "6dd1",
+ "1jv6",
+ "7myx",
+ "8d9l",
+ "6e69",
+ "5koh",
+ "5z4t",
+ "3ifa",
+ "6m3w",
+ "3e2h",
+ "6yk9",
+ "3ofj",
+ "4pig",
+ "4r20",
+ "7d9w",
+ "2wkq",
+ "6l1w",
+ "1b2h",
+ "1b62",
+ "7juk",
+ "6cms",
+ "1afl",
+ "6rpg",
+ "1dbs",
+ "4tty",
+ "4o06",
+ "6a4q",
+ "7e5u",
+ "6i8x",
+ "1xhe",
+ "7cok",
+ "1r38",
+ "3dm0",
+ "5naf",
+ "1d2f",
+ "3ip6",
+ "4k48",
+ "4kic",
+ "3fso",
+ "3wk1",
+ "6cyk",
+ "4bie",
+ "4mcc",
+ "6nuf",
+ "4usc",
+ "2pf4",
+ "5gl9",
+ "5nqr",
+ "4tum",
+ "1rza",
+ "6fsf",
+ "6xc2",
+ "1nr0",
+ "1pz5",
+ "7ab2",
+ "7uu4",
+ "1ab4",
+ "6ira",
+ "4fe7",
+ "5nuv",
+ "2pek",
+ "3zzi",
+ "6dqt",
+ "4z6p",
+ "7lbf",
+ "6hi3",
+ "1uoj",
+ "6kjw",
+ "3dlh",
+ "5p80",
+ "5xpr",
+ "7rrb",
+ "7lt8",
+ "1s57",
+ "2pr8",
+ "5qc4",
+ "3r2h",
+ "7yue",
+ "4a7v",
+ "2ppe",
+ "6h2p",
+ "4rqx",
+ "4ekj",
+ "8bj7",
+ "8b0t",
+ "5r21",
+ "2owm",
+ "5d3c",
+ "3v4y",
+ "1gfa",
+ "7fnv",
+ "1aor",
+ "1nws",
+ "2gyz",
+ "3edr",
+ "6v4j",
+ "7cxb",
+ "5o5g",
+ "4lfd",
+ "2zio",
+ "5svi",
+ "6cbq",
+ "2win",
+ "5yw0",
+ "6o9w",
+ "3nly",
+ "2pxj",
+ "2uwr",
+ "7cqj",
+ "2jf6",
+ "7cou",
+ "4qz9",
+ "7e3g",
+ "1o2v",
+ "5dlw",
+ "1gif",
+ "7n5y",
+ "4xjp",
+ "3nw8",
+ "2lhr",
+ "4qnc",
+ "3j7x",
+ "3cwa",
+ "2v8a",
+ "3qil",
+ "4q3z",
+ "6okn",
+ "5jse",
+ "1gdv",
+ "3v5j",
+ "5hcn",
+ "5gon",
+ "4wpc",
+ "3lpc",
+ "5iro",
+ "1bro",
+ "1kp2",
+ "3hwk",
+ "3sky",
+ "3am2",
+ "7jzm",
+ "2jz7",
+ "4rrz",
+ "1hy8",
+ "4cyd",
+ "6x7m",
+ "4yly",
+ "5m4i",
+ "5cs6",
+ "6bgl",
+ "3lvb",
+ "7xjt",
+ "6so2",
+ "7k4f",
+ "2pr5",
+ "4rt2",
+ "5hxl",
+ "4unb",
+ "3rnn",
+ "4x1t",
+ "1yz7",
+ "2piq",
+ "6s10",
+ "1gwg",
+ "7uy8",
+ "7bdg",
+ "5qtz",
+ "7oku",
+ "1uy9",
+ "6g5s",
+ "5pn7",
+ "6e9a",
+ "3nli",
+ "2kmf",
+ "5whh",
+ "7ul3",
+ "3tg0",
+ "6x7y",
+ "3ri4",
+ "2eb6",
+ "3p0t",
+ "3am5",
+ "3sza",
+ "2ndk",
+ "6q6l",
+ "7r8g",
+ "1o5w",
+ "2ovx",
+ "4cs7",
+ "1elt",
+ "4s21",
+ "2xqj",
+ "4axs",
+ "6sh5",
+ "1d3g",
+ "5o3z",
+ "3ra6",
+ "1fx4",
+ "6jvu",
+ "6s22",
+ "5i5l",
+ "4poq",
+ "3gwa",
+ "4gbk",
+ "5kr8",
+ "4cwn",
+ "4ix4",
+ "6p47",
+ "5ozo",
+ "4gt1",
+ "1wcc",
+ "5ijd",
+ "7n53",
+ "1vi8",
+ "5qmp",
+ "5pnq",
+ "4rwj",
+ "1lke",
+ "1on3",
+ "6gap",
+ "2ilv",
+ "5dna",
+ "6za1",
+ "4r2c",
+ "7aml",
+ "4ffp",
+ "4k64",
+ "4ppi",
+ "7vta",
+ "1kh0",
+ "5pin",
+ "3lnn",
+ "1wbu",
+ "1r1x",
+ "5tyz",
+ "4li8",
+ "1qpw",
+ "2xwk",
+ "1svw",
+ "1jqf",
+ "4cr2",
+ "3kcc",
+ "5lne",
+ "6gar",
+ "3dd0",
+ "1u94",
+ "5bsx",
+ "4j6j",
+ "6xco",
+ "7t6l",
+ "1b9l",
+ "4bi2",
+ "5k1m",
+ "7ye8",
+ "1qpr",
+ "4y2k",
+ "5zi9",
+ "3d23",
+ "4k37",
+ "8bde",
+ "5g13",
+ "1gio",
+ "4w85",
+ "3wup",
+ "3lwe",
+ "7q3k",
+ "1t5p",
+ "6fng",
+ "4msl",
+ "1xbs",
+ "2xmw",
+ "6k04",
+ "3qla",
+ "3c5l",
+ "8djr",
+ "3sxx",
+ "1qti",
+ "2iew",
+ "1snb",
+ "5fod",
+ "1phs",
+ "5bvi",
+ "7qxl",
+ "5wer",
+ "5c7b",
+ "4riv",
+ "4mva",
+ "2ydf",
+ "3hf6",
+ "7t5t",
+ "3p5z",
+ "1p05",
+ "4g8w",
+ "5yrb",
+ "4v0l",
+ "4a9o",
+ "4juo",
+ "7dai",
+ "6ppq",
+ "8fck",
+ "6ewk",
+ "4fc7",
+ "2ieh",
+ "5ed1",
+ "2q0j",
+ "6alw",
+ "3tx0",
+ "4mmx",
+ "4iry",
+ "2ai9",
+ "5s55",
+ "2gtb",
+ "6zdg",
+ "2ha0",
+ "1is3",
+ "1qu4",
+ "2qbq",
+ "2xgc",
+ "6sk1",
+ "7y3v",
+ "5nxr",
+ "3wd1",
+ "7a3o",
+ "4ofu",
+ "2co1",
+ "4hoo",
+ "3fq2",
+ "3zrv",
+ "2nt3",
+ "2pwf",
+ "5vpw",
+ "4nrl",
+ "5eec",
+ "7nf5",
+ "1v8w",
+ "3te5",
+ "1z9s",
+ "1s3w",
+ "2a8y",
+ "1shf",
+ "4fj7",
+ "4hqe",
+ "1t16",
+ "5uoh",
+ "4dnq",
+ "7m8m",
+ "8bds",
+ "1x79",
+ "6jn7",
+ "1pk3",
+ "4fml",
+ "3jzo",
+ "6d4r",
+ "8ax2",
+ "5i94",
+ "5pve",
+ "1eyc",
+ "6grf",
+ "6f10",
+ "3cod",
+ "3ia5",
+ "5zea",
+ "6oia",
+ "6cq2",
+ "5ow7",
+ "6a3d",
+ "7nux",
+ "2cht",
+ "7shl",
+ "4j58",
+ "7beo",
+ "1gni",
+ "1enq",
+ "6ik9",
+ "6pyc",
+ "3vtb",
+ "6y73",
+ "6w0d",
+ "1awu",
+ "2pgb",
+ "2mgr",
+ "2le2",
+ "4d9z",
+ "4uwl",
+ "3foi",
+ "2yjx",
+ "1aoh",
+ "7ojp",
+ "4kvr",
+ "1t7c",
+ "1ygs",
+ "5s4g",
+ "1ggw",
+ "2wc5",
+ "5n8l",
+ "1iy0",
+ "5yc2",
+ "7r02",
+ "5v3d",
+ "7r3i",
+ "5f9h",
+ "1fld",
+ "1cww",
+ "3stb",
+ "2imt",
+ "3gcf",
+ "1flg",
+ "4jlb",
+ "2zvd",
+ "2lvj",
+ "5cxr",
+ "2e9o",
+ "1rik",
+ "8i71",
+ "7p39",
+ "4uc1",
+ "6pb1",
+ "3zc7",
+ "3ttp",
+ "2ve4",
+ "5vfn",
+ "6e31",
+ "6ev3",
+ "7pxp",
+ "3exl",
+ "7ce6",
+ "1dy0",
+ "7eow",
+ "7veb",
+ "5bk5",
+ "1kqp",
+ "4awo",
+ "4p2z",
+ "2vi5",
+ "7atb",
+ "2a1s",
+ "4j5s",
+ "7b2e",
+ "5z8q",
+ "3iwu",
+ "1cbl",
+ "3g4n",
+ "2jws",
+ "3ova",
+ "3wnl",
+ "6rsu",
+ "2j9x",
+ "8a1h",
+ "4a8k",
+ "1z8r",
+ "1u3u",
+ "6rxa",
+ "5g6j",
+ "6wwg",
+ "5akk",
+ "5vlb",
+ "2wxo",
+ "6fzi",
+ "6sm3",
+ "1bcr",
+ "4ovi",
+ "2nb5",
+ "1hjp",
+ "2fw4",
+ "1fm5",
+ "2i0b",
+ "3tfz",
+ "2x4o",
+ "1hos",
+ "6gkc",
+ "3avb",
+ "5hwm",
+ "2ncw",
+ "4uz9",
+ "3mbl",
+ "6q79",
+ "6ho4",
+ "5lhd",
+ "1zaj",
+ "8b7f",
+ "6fgd",
+ "4xes",
+ "1apq",
+ "5dux",
+ "7owh",
+ "6gi0",
+ "8a5g",
+ "3tom",
+ "6tzt",
+ "4xvi",
+ "4q94",
+ "1v5f",
+ "6dbp",
+ "4m5b",
+ "3g15",
+ "7b1a",
+ "2jg6",
+ "3dvn",
+ "3gp7",
+ "4x7l",
+ "7tgr",
+ "3dgj",
+ "5w21",
+ "2ghw",
+ "1mtk",
+ "7peg",
+ "7m46",
+ "5wtn",
+ "6oih",
+ "1kke",
+ "3hcr",
+ "5moc",
+ "3jz2",
+ "1mfi",
+ "3r30",
+ "6p0y",
+ "6lcq",
+ "2ii8",
+ "1zn3",
+ "3grw",
+ "3g6j",
+ "7r7s",
+ "1jdl",
+ "7a7c",
+ "5upp",
+ "4ue0",
+ "5th0",
+ "7sat",
+ "3c9t",
+ "5r02",
+ "4gxe",
+ "4q08",
+ "3bzg",
+ "7v39",
+ "5dxz",
+ "1u8j",
+ "4rkf",
+ "6msw",
+ "6sv3",
+ "3ieo",
+ "3d1k",
+ "2ya9",
+ "1wyd",
+ "2bb5",
+ "7qhr",
+ "1qzm",
+ "4j32",
+ "4lcu",
+ "5wzo",
+ "1nsb",
+ "1omu",
+ "4z1d",
+ "6zkv",
+ "5lrd",
+ "7w8w",
+ "5yge",
+ "5b0p",
+ "8f23",
+ "1kwv",
+ "7n15",
+ "7fqw",
+ "5mmw",
+ "2rca",
+ "3afa",
+ "6frq",
+ "4zh2",
+ "1ndj",
+ "2zub",
+ "1yt9",
+ "3qer",
+ "1fw2",
+ "6wyl",
+ "5ngi",
+ "4gex",
+ "5f3x",
+ "2l36",
+ "1nv5",
+ "3r0l",
+ "6yp7",
+ "4gjd",
+ "3bf8",
+ "6mkx",
+ "5xn2",
+ "3vtm",
+ "3hqj",
+ "7mln",
+ "8d6u",
+ "5m10",
+ "5cwf",
+ "6nxy",
+ "4tpv",
+ "7l9l",
+ "2vfu",
+ "2ovh",
+ "4hej",
+ "2cc3",
+ "4h1d",
+ "5jui",
+ "1iqd",
+ "2m1b",
+ "1ktw",
+ "5oax",
+ "2phn",
+ "8dql",
+ "4x42",
+ "6jof",
+ "5wlp",
+ "2mn6",
+ "5yhn",
+ "5xgw",
+ "6k37",
+ "1hug",
+ "4u7d",
+ "4nwc",
+ "6u74",
+ "6gxw",
+ "2y7d",
+ "6f9r",
+ "1rm0",
+ "2ju3",
+ "6awn",
+ "1y9d",
+ "5ao3",
+ "3mo8",
+ "5ps8",
+ "7my6",
+ "5ybr",
+ "6ms9",
+ "5dtu",
+ "2msv",
+ "2c9g",
+ "2bsq",
+ "7on4",
+ "7kgo",
+ "2i1x",
+ "5yfb",
+ "7y5h",
+ "4o6h",
+ "2nc4",
+ "4oif",
+ "1lz8",
+ "5r1l",
+ "5a72",
+ "6h5n",
+ "5bs9",
+ "4b6q",
+ "3tin",
+ "1nfx",
+ "3d2r",
+ "7b8h",
+ "1q17",
+ "1iet",
+ "4rdk",
+ "1o29",
+ "7qt5",
+ "4f3n",
+ "5pvr",
+ "3uc7",
+ "5aba",
+ "4u3c",
+ "4gr4",
+ "7y88",
+ "2n9u",
+ "1uld",
+ "1l60",
+ "4eh4",
+ "5iji",
+ "1h82",
+ "4rq8",
+ "6bjw",
+ "7usf",
+ "7e6e",
+ "1xyq",
+ "1b5b",
+ "4o5e",
+ "2gow",
+ "4l43",
+ "6qn6",
+ "7xys",
+ "4i6t",
+ "4yuk",
+ "6lxe",
+ "5o0w",
+ "6ru7",
+ "6e0e",
+ "7oh2",
+ "6y2q",
+ "4k1u",
+ "3ke1",
+ "5fs8",
+ "6wle",
+ "1sv0",
+ "5ic7",
+ "1aa3",
+ "3szl",
+ "7a91",
+ "2nvc",
+ "4ju0",
+ "4rml",
+ "5ekg",
+ "2lzj",
+ "5t0a",
+ "5yas",
+ "3euv",
+ "3fug",
+ "7ko2",
+ "3k33",
+ "5erk",
+ "7lsk",
+ "6kmv",
+ "5xk6",
+ "6rr0",
+ "1nok",
+ "3pnl",
+ "5k1i",
+ "1gb7",
+ "1al7",
+ "6y07",
+ "6tcz",
+ "4cvq",
+ "3llk",
+ "1dde",
+ "5myo",
+ "1ngn",
+ "2lv4",
+ "7cxn",
+ "6juc",
+ "7onz",
+ "2nzo",
+ "1ps0",
+ "8ew9",
+ "7uia",
+ "2k3s",
+ "1bcm",
+ "6xq0",
+ "5qlk",
+ "2bt9",
+ "6jfz",
+ "3qsm",
+ "5f2z",
+ "6fow",
+ "6d1a",
+ "4dl9",
+ "6t12",
+ "1hdr",
+ "1za2",
+ "5x69",
+ "6uax",
+ "3amj",
+ "6ulv",
+ "6rwv",
+ "7xks",
+ "1aly",
+ "2pkl",
+ "2b52",
+ "6d6o",
+ "8bvl",
+ "3ktj",
+ "5twu",
+ "2zzv",
+ "1k9u",
+ "2qqv",
+ "2r0g",
+ "1uvj",
+ "2arf",
+ "6bup",
+ "1gwv",
+ "6wqq",
+ "7f8o",
+ "7fox",
+ "1pfg",
+ "7ocz",
+ "8d5n",
+ "7p9m",
+ "5jqt",
+ "4kec",
+ "4bpx",
+ "2m8x",
+ "7us3",
+ "1ank",
+ "6n3k",
+ "5o1u",
+ "1rdh",
+ "4xi7",
+ "4k90",
+ "1rag",
+ "3kcx",
+ "1r3b",
+ "2bgj",
+ "2bd2",
+ "7fn2",
+ "6tvc",
+ "5p73",
+ "6oil",
+ "5he4",
+ "3gwx",
+ "7bor",
+ "4ue1",
+ "1df4",
+ "4qh9",
+ "2w8y",
+ "1mbv",
+ "5pjv",
+ "1a94",
+ "5o6h",
+ "1h16",
+ "7ahc",
+ "7cp6",
+ "1gm5",
+ "6rc1",
+ "3aeu",
+ "3uvd",
+ "4he2",
+ "4erk",
+ "1c8f",
+ "2cjk",
+ "5odd",
+ "2rii",
+ "5kvi",
+ "3wg1",
+ "1n55",
+ "7vce",
+ "7uao",
+ "1arv",
+ "5qys",
+ "4nru",
+ "5kkb",
+ "5u6b",
+ "1e6f",
+ "5iqi",
+ "5c6k",
+ "7dnf",
+ "8d6d",
+ "3o5n",
+ "4mbs",
+ "2eia",
+ "6inh",
+ "7s7p",
+ "4m1j",
+ "4l9d",
+ "7k7w",
+ "5ckx",
+ "7bwe",
+ "6mo0",
+ "4dj2",
+ "5t1f",
+ "4huh",
+ "7mqd",
+ "2ags",
+ "4gzy",
+ "6tma",
+ "6im3",
+ "6ruq",
+ "2q4f",
+ "1ytd",
+ "6dyr",
+ "6oiw",
+ "3t3j",
+ "5l0d",
+ "1oj9",
+ "1w9f",
+ "6qxg",
+ "3wj2",
+ "7dy9",
+ "5foi",
+ "4yc4",
+ "2j6s",
+ "4lmu",
+ "6e0d",
+ "4qqn",
+ "3wwf",
+ "1kpb",
+ "3d8f",
+ "1fqm",
+ "4glk",
+ "1ski",
+ "7lg1",
+ "6ixd",
+ "5ieu",
+ "1b0u",
+ "4f51",
+ "6xs9",
+ "1lho",
+ "6ur2",
+ "5ovg",
+ "1mmq",
+ "7kn3",
+ "1jcr",
+ "1yy8",
+ "4wwd",
+ "3vor",
+ "2npq",
+ "4p7r",
+ "1hl2",
+ "1ocr",
+ "2wkf",
+ "5t1j",
+ "1tcc",
+ "6dh0",
+ "4du0",
+ "1jn6",
+ "4gv0",
+ "1ime",
+ "8dr6",
+ "1h6o",
+ "5n9x",
+ "7q05",
+ "7ts8",
+ "6r5h",
+ "5dm9",
+ "4mjv",
+ "4mxw",
+ "6e8p",
+ "6ssd",
+ "8d3z",
+ "2e2p",
+ "7nd0",
+ "4db7",
+ "4rei",
+ "3ejg",
+ "4z4u",
+ "6j2v",
+ "1fd6",
+ "3gk3",
+ "6r5b",
+ "2ze8",
+ "2b10",
+ "1g0f",
+ "4xwt",
+ "2gbg",
+ "1ssa",
+ "1wpa",
+ "5l14",
+ "1dcd",
+ "3wrc",
+ "5abm",
+ "1wad",
+ "7m20",
+ "3tjn",
+ "7l7t",
+ "6tae",
+ "7xpj",
+ "4lin",
+ "5xz8",
+ "3d85",
+ "3ric",
+ "1sfk",
+ "7wv4",
+ "2cut",
+ "1ltb",
+ "6twk",
+ "4mw9",
+ "5upe",
+ "5c9j",
+ "2ves",
+ "3p5q",
+ "3ozp",
+ "1j99",
+ "4c4n",
+ "7tr1",
+ "1j8c",
+ "5gw9",
+ "1eai",
+ "2ns1",
+ "1lf4",
+ "1vhb",
+ "7js8",
+ "6j7z",
+ "7dfa",
+ "3tix",
+ "5pmd",
+ "2acq",
+ "7b09",
+ "4d4c",
+ "3zn5",
+ "5oc9",
+ "7lfa",
+ "5i78",
+ "4rws",
+ "4s3i",
+ "5vty",
+ "6htn",
+ "7jj8",
+ "5v80",
+ "3pcy",
+ "8foz",
+ "5x2d",
+ "3wmm",
+ "2bxp",
+ "2o3h",
+ "4eev",
+ "6kug",
+ "4mk5",
+ "5pmq",
+ "7ln1",
+ "3a4r",
+ "5j9h",
+ "1l07",
+ "2z90",
+ "1ty0",
+ "3c4f",
+ "1bbu",
+ "3dk1",
+ "1qo5",
+ "3qv8",
+ "4oc7",
+ "6x9j",
+ "7ba0",
+ "6ou1",
+ "4lrm",
+ "6mff",
+ "2csn",
+ "2kei",
+ "5kzf",
+ "4u2t",
+ "4wsk",
+ "2jap",
+ "2rpc",
+ "6obv",
+ "2gjy",
+ "2uyt",
+ "5gx2",
+ "5pxx",
+ "7mm1",
+ "6uug",
+ "6sqo",
+ "4zwg",
+ "4hu4",
+ "1r7h",
+ "3agz",
+ "5wcb",
+ "1qyr",
+ "3h0j",
+ "2vnd",
+ "6owk",
+ "4wwk",
+ "1j0y",
+ "5rod",
+ "6rxi",
+ "1kkd",
+ "2tbs",
+ "1zwx",
+ "7mlj",
+ "2ad6",
+ "3o9d",
+ "5xlc",
+ "1kdl",
+ "5ush",
+ "2oq7",
+ "6pwa",
+ "4exz",
+ "7zkr",
+ "5dw7",
+ "3ln1",
+ "4k1t",
+ "4l80",
+ "4aa7",
+ "1n1t",
+ "3frr",
+ "3me4",
+ "4bl0",
+ "7d1d",
+ "1d5x",
+ "6ruv",
+ "7cjz",
+ "1yag",
+ "5pso",
+ "1hak",
+ "7em8",
+ "2m4x",
+ "5ua4",
+ "1zdk",
+ "7qk9",
+ "1ycf",
+ "5j8s",
+ "5f32",
+ "5uut",
+ "3cgn",
+ "4zo1",
+ "1fy7",
+ "5p62",
+ "4pg3",
+ "4jea",
+ "1koq",
+ "3akf",
+ "1qqh",
+ "6ok4",
+ "4mh5",
+ "7cg7",
+ "7ywb",
+ "7z2t",
+ "6jvg",
+ "3wy9",
+ "5fjl",
+ "6lkp",
+ "3js5",
+ "3cyx",
+ "6h14",
+ "1znk",
+ "6ta6",
+ "2iqd",
+ "2c4n",
+ "6ndp",
+ "2foh",
+ "7db7",
+ "7cea",
+ "6kj0",
+ "3er9",
+ "4i44",
+ "3n5b",
+ "3vv7",
+ "6lxi",
+ "6hik",
+ "6otc",
+ "8ez2",
+ "2evt",
+ "1mza",
+ "5pqc",
+ "2uxo",
+ "1bjo",
+ "4qci",
+ "4bm9",
+ "7qz4",
+ "2kn8",
+ "1au9",
+ "1qy7",
+ "7ya7",
+ "6iu3",
+ "2grn",
+ "5whe",
+ "4pja",
+ "6aoz",
+ "6g13",
+ "5udq",
+ "4qtc",
+ "4ue9",
+ "7e8j",
+ "3g3y",
+ "3lkk",
+ "4u5f",
+ "2w88",
+ "5eap",
+ "1l50",
+ "4yv2",
+ "2io2",
+ "5pux",
+ "4bn5",
+ "1ful",
+ "4rv2",
+ "3qu2",
+ "1ob5",
+ "4u2r",
+ "3a1e",
+ "4uns",
+ "6ggp",
+ "5b57",
+ "2f6w",
+ "5pot",
+ "5low",
+ "6w2h",
+ "4cd4",
+ "4fdt",
+ "7zep",
+ "6rr5",
+ "7fes",
+ "6v0d",
+ "3ida",
+ "5p5o",
+ "3kfb",
+ "1nwa",
+ "5s9o",
+ "3gon",
+ "4bwq",
+ "7v3b",
+ "6plz",
+ "6et4",
+ "2rmk",
+ "2jk2",
+ "2w8b",
+ "2fjd",
+ "3kpz",
+ "1suy",
+ "7b4x",
+ "1m0i",
+ "6obj",
+ "5eko",
+ "1neb",
+ "2wjo",
+ "3f5l",
+ "4agg",
+ "2eun",
+ "2w20",
+ "6ier",
+ "1t9c",
+ "2evd",
+ "2axf",
+ "1qfo",
+ "4x7m",
+ "5pk0",
+ "2b1g",
+ "6lwr",
+ "2vy1",
+ "7fll",
+ "5f3h",
+ "6wsj",
+ "4b9u",
+ "4lo7",
+ "5twd",
+ "7bts",
+ "7b1p",
+ "2z2r",
+ "5erq",
+ "4q00",
+ "7qk7",
+ "5pxn",
+ "4ihx",
+ "6jan",
+ "6yuw",
+ "4wct",
+ "1hsw",
+ "3b4f",
+ "1lgh",
+ "6nmg",
+ "5pvh",
+ "7o9s",
+ "6o4k",
+ "2n58",
+ "5ee9",
+ "3uep",
+ "4aoc",
+ "3u78",
+ "3fxr",
+ "4ca9",
+ "3kla",
+ "4bvs",
+ "5o18",
+ "7ugn",
+ "4cph",
+ "5i0x",
+ "5zc1",
+ "4d6z",
+ "2hf0",
+ "2huc",
+ "2x2n",
+ "6of3",
+ "4ech",
+ "7lur",
+ "1m7q",
+ "3ii3",
+ "3l08",
+ "4ex7",
+ "4pjj",
+ "6jad",
+ "1xcf",
+ "6upo",
+ "4tvw",
+ "6yet",
+ "3nyx",
+ "4ifv",
+ "4x8i",
+ "1shw",
+ "4ea4",
+ "2m5k",
+ "7vvv",
+ "6nbh",
+ "1emz",
+ "4edj",
+ "6cpw",
+ "5tk6",
+ "6dus",
+ "3jsx",
+ "6bwa",
+ "3wub",
+ "7vvw",
+ "6uqy",
+ "5vim",
+ "5lhj",
+ "5tbe",
+ "3png",
+ "3d92",
+ "3arf",
+ "3cbs",
+ "6jdg",
+ "3irh",
+ "5xri",
+ "5an6",
+ "4f4t",
+ "2x7w",
+ "5pmi",
+ "1hoz",
+ "7qev",
+ "1pha",
+ "7uwi",
+ "5hm6",
+ "5m7r",
+ "6y71",
+ "2qco",
+ "5h8c",
+ "1c8z",
+ "4ou6",
+ "1ymr",
+ "3vip",
+ "6vy9",
+ "6x6n",
+ "7fbw",
+ "3dvj",
+ "2bzt",
+ "7eko",
+ "5ptj",
+ "6pq0",
+ "6u4n",
+ "3k39",
+ "1e67",
+ "4rd2",
+ "6pwk",
+ "3sq1",
+ "6op0",
+ "1hjn",
+ "5fcg",
+ "5dk9",
+ "2prm",
+ "3c9k",
+ "1fjd",
+ "4zv7",
+ "2bjk",
+ "6azr",
+ "7jqq",
+ "7q11",
+ "2f1d",
+ "6upr",
+ "4a56",
+ "1siz",
+ "1nqx",
+ "1box",
+ "7lxl",
+ "1kof",
+ "3mcv",
+ "3cj4",
+ "3qn2",
+ "3tc3",
+ "5qcu",
+ "7vqp",
+ "1t9h",
+ "1e3k",
+ "5gqv",
+ "8hgv",
+ "3faw",
+ "7w0o",
+ "5lui",
+ "3i2g",
+ "1htt",
+ "6dv9",
+ "3tij",
+ "1dvu",
+ "1wwg",
+ "5gzd",
+ "4bol",
+ "1xxd",
+ "7fqp",
+ "3ih9",
+ "1prv",
+ "8d1h",
+ "4kip",
+ "6lfn",
+ "4o4c",
+ "6s83",
+ "2uxg",
+ "5r39",
+ "7z06",
+ "2vm3",
+ "2r0c",
+ "4kks",
+ "5uio",
+ "5wck",
+ "1xvd",
+ "5hpd",
+ "5zoe",
+ "4erq",
+ "5fmk",
+ "6w9s",
+ "6yof",
+ "1w3j",
+ "1e07",
+ "4hkg",
+ "3pvl",
+ "5giv",
+ "7lqc",
+ "4ezw",
+ "6dtx",
+ "5boi",
+ "1bck",
+ "3ank",
+ "5pn4",
+ "5lfd",
+ "1vfm",
+ "7mqg",
+ "4nrx",
+ "2xto",
+ "3wpg",
+ "6w09",
+ "7olp",
+ "3npo",
+ "6fdj",
+ "1htm",
+ "4as0",
+ "6hms",
+ "6ci8",
+ "1xr7",
+ "1xib",
+ "2dy5",
+ "4wes",
+ "3kal",
+ "7tim",
+ "1cr7",
+ "1eft",
+ "1ugm",
+ "6qkp",
+ "2bjn",
+ "6p0e",
+ "2b2e",
+ "5ou5",
+ "2dla",
+ "6rnc",
+ "8gqy",
+ "6dl7",
+ "6f72",
+ "5oyp",
+ "8a0b",
+ "1h96",
+ "5fn2",
+ "6s6e",
+ "1msg",
+ "7p1j",
+ "5pd9",
+ "2lvz",
+ "7w3u",
+ "1kwr",
+ "7kre",
+ "6i7t",
+ "3hhs",
+ "1ci1",
+ "2vwf",
+ "1cdg",
+ "1nw1",
+ "1i5l",
+ "3skq",
+ "2lsk",
+ "3fm9",
+ "4dyy",
+ "1ihc",
+ "3lne",
+ "1o0v",
+ "6m2f",
+ "3acf",
+ "7l3k",
+ "7puk",
+ "5ive",
+ "4zbw",
+ "2rso",
+ "5c7p",
+ "6d6h",
+ "6zwb",
+ "2bif",
+ "5hpk",
+ "1u0r",
+ "2bsm",
+ "3n7k",
+ "4q10",
+ "3q6m",
+ "5pw3",
+ "7pr5",
+ "1pxy",
+ "4mm7",
+ "4hov",
+ "3m9y",
+ "3m1k",
+ "3dgo",
+ "1mxd",
+ "1mnc",
+ "2pa3",
+ "6aeo",
+ "7ske",
+ "6ga5",
+ "1lgy",
+ "1jka",
+ "6k19",
+ "3ogv",
+ "2ihl",
+ "4bs4",
+ "1pnq",
+ "2adm",
+ "6xnu",
+ "4j3d",
+ "4x2p",
+ "5fwx",
+ "1lgq",
+ "1nwr",
+ "5wrr",
+ "6ixi",
+ "3uj0",
+ "4qr3",
+ "6vag",
+ "5sr8",
+ "1xca",
+ "7cov",
+ "3crd",
+ "8f76",
+ "1tly",
+ "5sv7",
+ "2qhy",
+ "3vnz",
+ "1i8l",
+ "4f8l",
+ "2npj",
+ "6jio",
+ "2fko",
+ "5wl4",
+ "4h6r",
+ "2z53",
+ "4zbb",
+ "1hz4",
+ "3s8z",
+ "1uxk",
+ "6o1a",
+ "1d3a",
+ "2pc4",
+ "6eth",
+ "2e1w",
+ "1rpi",
+ "1in5",
+ "5ths",
+ "1qxm",
+ "5lt6",
+ "7e6j",
+ "3l1e",
+ "4o1f",
+ "5io6",
+ "6h9c",
+ "1heo",
+ "3ev5",
+ "2c92",
+ "5oup",
+ "1dak",
+ "1mxy",
+ "2l0o",
+ "2iyp",
+ "6v90",
+ "6xqz",
+ "6yd7",
+ "3iw2",
+ "6z23",
+ "5m6f",
+ "5t10",
+ "4c6v",
+ "5lm3",
+ "3mb6",
+ "3d9d",
+ "2nw4",
+ "2cxr",
+ "4g3r",
+ "2i4u",
+ "5ccu",
+ "5oxf",
+ "3s6c",
+ "2du1",
+ "3fjl",
+ "3per",
+ "5fww",
+ "6irg",
+ "7n7n",
+ "4f37",
+ "2ym9",
+ "7puw",
+ "1mh9",
+ "6oh1",
+ "5g4e",
+ "2uyx",
+ "2jxr",
+ "4hv8",
+ "5yl3",
+ "1ebd",
+ "2fte",
+ "1oc0",
+ "3uzy",
+ "4nrw",
+ "2mzi",
+ "3lnr",
+ "3dh7",
+ "7kze",
+ "2ks4",
+ "3mu1",
+ "4ncy",
+ "5efw",
+ "3s06",
+ "3q8a",
+ "6owx",
+ "5itw",
+ "7t2s",
+ "5fzp",
+ "2h8i",
+ "4xo2",
+ "2k9m",
+ "3etg",
+ "5r13",
+ "1nj5",
+ "6qfw",
+ "5sps",
+ "5fmi",
+ "6jzl",
+ "3w36",
+ "4eqf",
+ "1oc6",
+ "6qwg",
+ "6lxr",
+ "4iv6",
+ "6y8l",
+ "4boi",
+ "2n5f",
+ "2v28",
+ "1kkl",
+ "4yp1",
+ "1m40",
+ "4wcb",
+ "7vuz",
+ "6vqf",
+ "6wer",
+ "1oxz",
+ "5e25",
+ "3mmu",
+ "4s2j",
+ "4e8w",
+ "7dhd",
+ "1c78",
+ "3qlh",
+ "3ib8",
+ "4qaa",
+ "2fuh",
+ "6sai",
+ "1ofh",
+ "6qqy",
+ "6mhg",
+ "2n7a",
+ "2vhj",
+ "1is9",
+ "2du8",
+ "7kig",
+ "5i63",
+ "5tez",
+ "3uty",
+ "5kqs",
+ "5vl4",
+ "2y9h",
+ "1omr",
+ "7uih",
+ "6fk3",
+ "2fb3",
+ "6yeb",
+ "3vdj",
+ "7yz6",
+ "6scs",
+ "1qkd",
+ "7skg",
+ "6o36",
+ "8a4b",
+ "7ps0",
+ "4moi",
+ "3g4d",
+ "3jvt",
+ "2moi",
+ "5k9o",
+ "3rsx",
+ "3thf",
+ "1gvg",
+ "1cft",
+ "6co5",
+ "4lu6",
+ "1fhi",
+ "1z6w",
+ "5lrv",
+ "6p38",
+ "4ae5",
+ "4ldt",
+ "1mxg",
+ "3f81",
+ "4wyi",
+ "2vzw",
+ "8df1",
+ "2xe0",
+ "5r28",
+ "1rsy",
+ "2m4v",
+ "3ihg",
+ "3d2q",
+ "5wye",
+ "6tjr",
+ "4k5r",
+ "5axh",
+ "2o7n",
+ "8ap7",
+ "1ed1",
+ "3pwu",
+ "6ljq",
+ "1f5x",
+ "6ump",
+ "4h10",
+ "3fgt",
+ "6a21",
+ "8arf",
+ "2l62",
+ "3b1n",
+ "1qdo",
+ "4tw3",
+ "4non",
+ "2vht",
+ "6vif",
+ "7rab",
+ "4j70",
+ "3o1g",
+ "6gsw",
+ "2k44",
+ "4x21",
+ "6mqj",
+ "1b4u",
+ "6o4e",
+ "6o0u",
+ "1wr8",
+ "6n1x",
+ "6fap",
+ "4rsq",
+ "7x7o",
+ "5zjt",
+ "4i7s",
+ "4jdl",
+ "2oz7",
+ "2hmk",
+ "1hxw",
+ "2m2w",
+ "2pg1",
+ "4d47",
+ "5wa9",
+ "5b0f",
+ "5f5a",
+ "1rb4",
+ "6oq1",
+ "6r2u",
+ "4egf",
+ "5yk3",
+ "6cv2",
+ "5nmx",
+ "4dbh",
+ "1ned",
+ "5nua",
+ "1h56",
+ "3aca",
+ "5ows",
+ "5j7q",
+ "3cby",
+ "6ste",
+ "6z5g",
+ "6lvr",
+ "7t5c",
+ "2j31",
+ "2yrx",
+ "5bv5",
+ "5a5o",
+ "1vb8",
+ "5pn2",
+ "5czb",
+ "1k95",
+ "6t95",
+ "7vik",
+ "1t7h",
+ "1lqe",
+ "2d2s",
+ "6rk3",
+ "2cer",
+ "2b9d",
+ "4lsh",
+ "6gkb",
+ "7o9f",
+ "5vzb",
+ "5afs",
+ "1ytv",
+ "4g4i",
+ "7agv",
+ "4dyq",
+ "7kda",
+ "1n71",
+ "2wrx",
+ "1ok2",
+ "1xwr",
+ "8a7i",
+ "4x34",
+ "3kq6",
+ "8f01",
+ "5p1w",
+ "5foy",
+ "5ps1",
+ "6i85",
+ "3k74",
+ "4ca5",
+ "7ebe",
+ "4pj1",
+ "3prw",
+ "1i26",
+ "1zhy",
+ "8b0i",
+ "1z3a",
+ "1qi6",
+ "6msq",
+ "3g5d",
+ "3uby",
+ "3sz1",
+ "7f66",
+ "7ve6",
+ "6s0t",
+ "5vqq",
+ "3gt6",
+ "1y7k",
+ "3q5m",
+ "6ngi",
+ "1rwp",
+ "3c2s",
+ "6kwg",
+ "1nq2",
+ "3pw5",
+ "5ahf",
+ "1jfd",
+ "1kzh",
+ "2hc4",
+ "1amx",
+ "5v6a",
+ "6ssl",
+ "6en1",
+ "1mhn",
+ "4d1j",
+ "2n86",
+ "6mie",
+ "5ofh",
+ "1yv5",
+ "6cdt",
+ "8eyn",
+ "3k8j",
+ "6xgc",
+ "1ekx",
+ "2gys",
+ "6dio",
+ "2htv",
+ "6n98",
+ "4whb",
+ "3wzd",
+ "1as8",
+ "6zq6",
+ "2zrp",
+ "1i6m",
+ "5vov",
+ "5oss",
+ "5xql",
+ "5krd",
+ "1ami",
+ "1w0o",
+ "4jcy",
+ "1qvb",
+ "3oxx",
+ "3azm",
+ "2z23",
+ "1p6e",
+ "6t98",
+ "2ktx",
+ "3f6g",
+ "5txp",
+ "1it7",
+ "7nvn",
+ "3pvp",
+ "1nqt",
+ "5mol",
+ "6a5d",
+ "5qyq",
+ "7xrq",
+ "3qxm",
+ "6biv",
+ "2whg",
+ "2jlx",
+ "3lfz",
+ "4f6w",
+ "7z0z",
+ "1fyf",
+ "3seq",
+ "4y31",
+ "2kyf",
+ "8epa",
+ "5x1c",
+ "6wtf",
+ "6gdl",
+ "4xeg",
+ "1ca8",
+ "2e2k",
+ "6e49",
+ "6tv2",
+ "4fgy",
+ "2uug",
+ "5vqn",
+ "1jms",
+ "2j56",
+ "2m6l",
+ "4b8u",
+ "2dhe",
+ "5vcs",
+ "6rdl",
+ "6hyn",
+ "2ycb",
+ "3u5v",
+ "3ewi",
+ "4qvk",
+ "7os4",
+ "1ayp",
+ "3iqy",
+ "5gth",
+ "5xgt",
+ "1xk2",
+ "6dg5",
+ "3dh2",
+ "4htr",
+ "8dn9",
+ "6hxn",
+ "5ah2",
+ "6rfa",
+ "2c7e",
+ "7jxg",
+ "4tth",
+ "2q4b",
+ "6lxj",
+ "6do8",
+ "6xoj",
+ "3t7g",
+ "5f6m",
+ "4bfu",
+ "4dlp",
+ "2l34",
+ "5oh2",
+ "2kzn",
+ "6yl7",
+ "6au1",
+ "6jod",
+ "4mjp",
+ "3bbw",
+ "7n69",
+ "5nb7",
+ "5mgv",
+ "6rf8",
+ "4ofg",
+ "2mnh",
+ "5yyc",
+ "7fay",
+ "6ff8",
+ "5t4s",
+ "5whi",
+ "2yi5",
+ "4usj",
+ "1tc0",
+ "6xh3",
+ "1hdj",
+ "5yok",
+ "1mr2",
+ "2wfz",
+ "2gc2",
+ "5wja",
+ "3mom",
+ "1og1",
+ "2g15",
+ "3zw3",
+ "3aut",
+ "2paw",
+ "6oez",
+ "7zdz",
+ "5cei",
+ "4nl5",
+ "1n46",
+ "6x1h",
+ "2nwf",
+ "2m00",
+ "6nyh",
+ "4azr",
+ "2nzi",
+ "3kih",
+ "2p6g",
+ "5jgr",
+ "4cqi",
+ "7tn7",
+ "5mzw",
+ "7vvz",
+ "5i9e",
+ "1sv4",
+ "5hiy",
+ "5w73",
+ "4a6p",
+ "1ip5",
+ "4ahi",
+ "6rn3",
+ "5frp",
+ "5h0j",
+ "3hih",
+ "1zlg",
+ "4e5n",
+ "2qtv",
+ "2rs6",
+ "2ic3",
+ "7lz8",
+ "3dn6",
+ "1a6p",
+ "5t0b",
+ "2dbr",
+ "5n47",
+ "1e8e",
+ "2w2o",
+ "2ejr",
+ "6g2x",
+ "5zb7",
+ "1kpp",
+ "2f2n",
+ "5vgo",
+ "2w1a",
+ "3s55",
+ "5zax",
+ "7rzu",
+ "1yvg",
+ "2x8k",
+ "5nbp",
+ "5vta",
+ "6cg1",
+ "5j9y",
+ "5w3y",
+ "4zn2",
+ "3dwh",
+ "1zzu",
+ "1aov",
+ "4fxp",
+ "6zxb",
+ "5dlx",
+ "7oqx",
+ "5er8",
+ "3q7a",
+ "5zkk",
+ "6y4o",
+ "5g1z",
+ "6vs2",
+ "6bw2",
+ "7c5v",
+ "3d7b",
+ "6hj4",
+ "4wkn",
+ "3wro",
+ "2nv5",
+ "1zp3",
+ "6dhd",
+ "6n8p",
+ "2xdn",
+ "7tzk",
+ "2vtc",
+ "2mtm",
+ "4y8c",
+ "5jbq",
+ "4n1d",
+ "4e9d",
+ "5lgo",
+ "4nv0",
+ "5nxv",
+ "7u2d",
+ "7pg8",
+ "3wi7",
+ "5xp3",
+ "2lb2",
+ "1m4a",
+ "6zy0",
+ "5n6c",
+ "5u5t",
+ "4fmv",
+ "4cwt",
+ "1ry6",
+ "3p8t",
+ "5mmu",
+ "2m2p",
+ "1oqv",
+ "7r54",
+ "4zy3",
+ "4i5d",
+ "2bno",
+ "5ubr",
+ "3s2a",
+ "2lhb",
+ "5dp5",
+ "1m5t",
+ "6o7x",
+ "6icn",
+ "1fc3",
+ "6mck",
+ "5l8w",
+ "5oj4",
+ "6j22",
+ "7tzy",
+ "4fp9",
+ "2y08",
+ "1fac",
+ "3iw6",
+ "3oac",
+ "6wun",
+ "3rme",
+ "2o4e",
+ "4cyu",
+ "4c99",
+ "1ym5",
+ "5pwb",
+ "1rxz",
+ "5kbr",
+ "4det",
+ "1vjb",
+ "5i2s",
+ "3q4u",
+ "5bpa",
+ "7m58",
+ "7pt2",
+ "4kvg",
+ "5gve",
+ "5r16",
+ "4hos",
+ "3hmy",
+ "8d2m",
+ "1ivm",
+ "2uvp",
+ "3dba",
+ "3snz",
+ "6jfl",
+ "1n8k",
+ "6upx",
+ "2zzp",
+ "4yuj",
+ "5brw",
+ "7lbg",
+ "2r91",
+ "7to2",
+ "6ykt",
+ "4ehk",
+ "6hic",
+ "4y5h",
+ "5bjr",
+ "3ute",
+ "6esy",
+ "7m2y",
+ "6lyq",
+ "4pky",
+ "5a0t",
+ "4r78",
+ "6p7v",
+ "2qop",
+ "2poc",
+ "2rod",
+ "3ztv",
+ "5xyv",
+ "6xg8",
+ "1vqi",
+ "1loo",
+ "4xqg",
+ "4czz",
+ "6jn1",
+ "7shz",
+ "1jxz",
+ "5yv3",
+ "4f2z",
+ "6ql1",
+ "6o96",
+ "4v1i",
+ "4ztq",
+ "1e99",
+ "6kjz",
+ "5hkk",
+ "6fzg",
+ "2vqb",
+ "6j2j",
+ "7fnk",
+ "5mte",
+ "6c8p",
+ "1cvr",
+ "4mq3",
+ "6tq8",
+ "4m9f",
+ "3rjy",
+ "1xy0",
+ "2gc1",
+ "4enp",
+ "1srb",
+ "5mme",
+ "5dfw",
+ "3n6l",
+ "4a88",
+ "2bgt",
+ "4ghl",
+ "3f72",
+ "5mtc",
+ "8dyc",
+ "4r9c",
+ "1bk2",
+ "2zpq",
+ "2i5k",
+ "6mii",
+ "3she",
+ "7tu8",
+ "5s2o",
+ "1rjv",
+ "4olb",
+ "7aub",
+ "2cxc",
+ "1cm1",
+ "4is4",
+ "2vu3",
+ "3mxy",
+ "6o3e",
+ "1vsk",
+ "3e47",
+ "2jdg",
+ "6rus",
+ "2ihe",
+ "5goi",
+ "3vhu",
+ "2ps5",
+ "7ugg",
+ "1i59",
+ "7x6z",
+ "2vrl",
+ "7u25",
+ "5puo",
+ "2cbj",
+ "7wkj",
+ "7t0i",
+ "7p8d",
+ "7mgj",
+ "6jni",
+ "1o9n",
+ "5obe",
+ "1tii",
+ "6uqx",
+ "5ole",
+ "12ca",
+ "7mqb",
+ "2xb2",
+ "7dm1",
+ "3ncz",
+ "6e3l",
+ "5xff",
+ "7b94",
+ "1a29",
+ "1c94",
+ "8e8b",
+ "7ayg",
+ "7s3w",
+ "1m25",
+ "7lsz",
+ "5nrz",
+ "3ib1",
+ "3as0",
+ "3wui",
+ "5zyc",
+ "4m7x",
+ "6ind",
+ "6y92",
+ "4lt6",
+ "2j5o",
+ "5ohl",
+ "3g49",
+ "1tws",
+ "1s0i",
+ "7rpg",
+ "7ofa",
+ "5l1m",
+ "4kzl",
+ "1def",
+ "7m6n",
+ "3vni",
+ "5wx1",
+ "7dqn",
+ "6rzy",
+ "2gxs",
+ "3cc2",
+ "3u8d",
+ "7x0d",
+ "7ola",
+ "2xkr",
+ "2vwu",
+ "1o3b",
+ "6r3z",
+ "4ff9",
+ "4c21",
+ "2qro",
+ "6djz",
+ "6q0n",
+ "5ldv",
+ "6vqo",
+ "6auv",
+ "5nag",
+ "6l1v",
+ "5qoe",
+ "6yrb",
+ "2iuz",
+ "2nvw",
+ "6g0c",
+ "1ru3",
+ "6tu9",
+ "3wvj",
+ "7nc5",
+ "7lag",
+ "5b33",
+ "4i60",
+ "1l21",
+ "4mdo",
+ "4kn6",
+ "6q67",
+ "4rvq",
+ "7a04",
+ "2qtm",
+ "2jmg",
+ "3jpw",
+ "3vza",
+ "5kuf",
+ "3tls",
+ "5knz",
+ "4qm0",
+ "2e0j",
+ "7oke",
+ "5ka1",
+ "6a12",
+ "4ikz",
+ "4b86",
+ "4foj",
+ "1icq",
+ "3dpf",
+ "3xis",
+ "6yc1",
+ "7jo1",
+ "6gev",
+ "5vwi",
+ "7u6l",
+ "5vra",
+ "5bvb",
+ "6kvj",
+ "6vq6",
+ "5unj",
+ "4tjw",
+ "5axm",
+ "6lv0",
+ "3ido",
+ "1tzw",
+ "6ftx",
+ "2yjv",
+ "8fyn",
+ "4hv6",
+ "6lun",
+ "5p9h",
+ "5lid",
+ "8ay6",
+ "2pfu",
+ "2qmi",
+ "6shb",
+ "4k3p",
+ "6s51",
+ "6cjg",
+ "6zxj",
+ "6dcg",
+ "7jrp",
+ "5ljd",
+ "4yre",
+ "2ahk",
+ "5pn6",
+ "4gzj",
+ "4o3b",
+ "6yjc",
+ "5lsf",
+ "7v5r",
+ "2yks",
+ "3pmh",
+ "3nl7",
+ "6s2c",
+ "4klx",
+ "5p2b",
+ "3c9d",
+ "2cti",
+ "3a7k",
+ "2r29",
+ "4otn",
+ "5pc8",
+ "1q7f",
+ "3lal",
+ "6mmt",
+ "2kgi",
+ "6lnu",
+ "3m6z",
+ "3na7",
+ "1x8r",
+ "7l4u",
+ "2iz9",
+ "3lve",
+ "6jqx",
+ "6oq6",
+ "2j5c",
+ "5fnm",
+ "4fil",
+ "7tk9",
+ "1iz5",
+ "7klz",
+ "4i5s",
+ "5puj",
+ "6uwh",
+ "1xwb",
+ "4iga",
+ "6dy4",
+ "2lck",
+ "1ef5",
+ "2g1q",
+ "2boc",
+ "6jnm",
+ "5r8h",
+ "1kl8",
+ "5ah7",
+ "1rpu",
+ "3o01",
+ "4rx9",
+ "7bhd",
+ "7psh",
+ "5tws",
+ "5hrn",
+ "6vdc",
+ "1oh1",
+ "4k3l",
+ "2ai8",
+ "8d8l",
+ "3cck",
+ "2z98",
+ "1nqd",
+ "5th4",
+ "6fcp",
+ "3c59",
+ "5moz",
+ "1htd",
+ "2k7x",
+ "6t6b",
+ "5d9m",
+ "6ijo",
+ "3nkt",
+ "5tt3",
+ "6ajr",
+ "1ipg",
+ "3nqz",
+ "6eks",
+ "3vbr",
+ "1qgp",
+ "1ljo",
+ "6bzz",
+ "6fxu",
+ "6r8h",
+ "2co5",
+ "7ujt",
+ "4ach",
+ "4ra1",
+ "6dh3",
+ "2jvb",
+ "4uhm",
+ "1agd",
+ "6z74",
+ "5vz5",
+ "2vvs",
+ "4g9l",
+ "1s5k",
+ "3zet",
+ "6wxz",
+ "7kft",
+ "1rbn",
+ "6u7e",
+ "4o58",
+ "1pzz",
+ "2z7r",
+ "5nx7",
+ "1f1o",
+ "1kqj",
+ "4k5a",
+ "5h23",
+ "1nhv",
+ "1b0m",
+ "5ygh",
+ "2msw",
+ "2w7u",
+ "8a4j",
+ "4x2v",
+ "6clq",
+ "5pz3",
+ "3q00",
+ "7cw5",
+ "2l0f",
+ "6pji",
+ "3if9",
+ "5c2f",
+ "2lfr",
+ "6bom",
+ "2zam",
+ "4ete",
+ "2imi",
+ "7dh8",
+ "2vsz",
+ "2mh8",
+ "3wk6",
+ "3ipp",
+ "5p2n",
+ "5iop",
+ "8a7z",
+ "1c4a",
+ "1ejb",
+ "5t05",
+ "7uhp",
+ "5p6o",
+ "1jmh",
+ "1qgn",
+ "2l1a",
+ "1eb9",
+ "3d12",
+ "4e52",
+ "4aad",
+ "4a5o",
+ "4gos",
+ "8eby",
+ "4cr7",
+ "4x4g",
+ "1ojw",
+ "6drb",
+ "4h7a",
+ "8eyf",
+ "5sqe",
+ "6p9c",
+ "4ey6",
+ "7m7w",
+ "7byj",
+ "6ra3",
+ "2lvx",
+ "5lu1",
+ "3ax2",
+ "1n3i",
+ "7n44",
+ "1mi2",
+ "6gpa",
+ "6x7h",
+ "3nrk",
+ "8a8v",
+ "6uoa",
+ "4hmc",
+ "3ard",
+ "6rbu",
+ "7m6o",
+ "1uza",
+ "5zu3",
+ "7avi",
+ "6znk",
+ "1zfi",
+ "6wbm",
+ "1yme",
+ "2a9c",
+ "6h3w",
+ "4was",
+ "4za7",
+ "5khp",
+ "4rkk",
+ "4k19",
+ "3mor",
+ "5d0a",
+ "1lo5",
+ "5u4m",
+ "3e00",
+ "6zuv",
+ "5y72",
+ "4pog",
+ "1aq1",
+ "6o5t",
+ "2g2f",
+ "4kxy",
+ "4psk",
+ "3uaf",
+ "3qj0",
+ "7n1k",
+ "3ixt",
+ "1k48",
+ "3exh",
+ "4cx3",
+ "4zzz",
+ "3geo",
+ "2d5j",
+ "2bf1",
+ "7ylv",
+ "3ff8",
+ "1cwp",
+ "3ml1",
+ "6i1i",
+ "6dnq",
+ "1gia",
+ "2x6u",
+ "3px4",
+ "7ul4",
+ "7cep",
+ "5na7",
+ "6f22",
+ "2z8j",
+ "3rji",
+ "5nkv",
+ "7ul6",
+ "4mtq",
+ "1g6w",
+ "1mph",
+ "5x88",
+ "2krf",
+ "3s26",
+ "1xe3",
+ "3kx7",
+ "6yu5",
+ "1twm",
+ "4i1o",
+ "1xe7",
+ "8af0",
+ "6mlb",
+ "1tsl",
+ "1w8v",
+ "2wlh",
+ "3k8e",
+ "5b6x",
+ "2y4g",
+ "4a69",
+ "5dxq",
+ "8dnk",
+ "2a7q",
+ "6tew",
+ "5ioz",
+ "5r18",
+ "3die",
+ "4hr6",
+ "2qad",
+ "8d3w",
+ "6qxm",
+ "2r3y",
+ "7wkv",
+ "3dof",
+ "1lm2",
+ "4b4j",
+ "4xqw",
+ "5dde",
+ "5g2c",
+ "5cwo",
+ "3et3",
+ "4za6",
+ "6f4x",
+ "2efc",
+ "2bmc",
+ "7frg",
+ "5wjg",
+ "2f2u",
+ "1rly",
+ "3evo",
+ "7nxb",
+ "6sho",
+ "4ab8",
+ "6mvr",
+ "6m2r",
+ "6i8c",
+ "2rks",
+ "3jt7",
+ "2ixt",
+ "5ubi",
+ "6b7o",
+ "6t06",
+ "2rfm",
+ "5pn5",
+ "1n5t",
+ "5nkl",
+ "3plv",
+ "2whd",
+ "2n8t",
+ "1uro",
+ "3g3e",
+ "7jtr",
+ "2a86",
+ "4fw1",
+ "1vdx",
+ "5sx1",
+ "6btz",
+ "7bhl",
+ "1s52",
+ "6ay4",
+ "1ii0",
+ "4d13",
+ "7epq",
+ "4qsj",
+ "3e1y",
+ "1xud",
+ "7nsf",
+ "4jvl",
+ "3vly",
+ "3fan",
+ "5pwj",
+ "2wo7",
+ "6q7u",
+ "1b99",
+ "1nej",
+ "5w3t",
+ "5m3q",
+ "5i34",
+ "5inf",
+ "1nun",
+ "4why",
+ "2i50",
+ "3hxt",
+ "4et9",
+ "7ktl",
+ "6i0z",
+ "2gnq",
+ "6y0v",
+ "6pi8",
+ "7rja",
+ "4md8",
+ "7qbz",
+ "6jze",
+ "3sfh",
+ "6e6u",
+ "5fd7",
+ "3chy",
+ "2aox",
+ "1qv6",
+ "4qmf",
+ "4yw1",
+ "4umg",
+ "7eu2",
+ "3t6p",
+ "3bhb",
+ "5gua",
+ "6rsr",
+ "3kpd",
+ "2gvn",
+ "5tz1",
+ "3i0w",
+ "6ptk",
+ "2qc3",
+ "7rpo",
+ "3m0a",
+ "7fj2",
+ "5yhe",
+ "3tfb",
+ "6ifw",
+ "1l0m",
+ "7f2l",
+ "1oel",
+ "3pjz",
+ "7p9u",
+ "7o17",
+ "6w0n",
+ "2iah",
+ "2w1f",
+ "5vom",
+ "7mrj",
+ "6z1u",
+ "4i0w",
+ "1iem",
+ "5hxd",
+ "4gys",
+ "5iiq",
+ "7bww",
+ "4k9j",
+ "5mun",
+ "2o03",
+ "7vyh",
+ "8cxr",
+ "4llv",
+ "2kfh",
+ "5lu6",
+ "5a4c",
+ "6xf4",
+ "5uly",
+ "7u1c",
+ "1j8i",
+ "4y00",
+ "2mhf",
+ "7l4v",
+ "3oro",
+ "3tfr",
+ "2x4y",
+ "5qzk",
+ "4bke",
+ "2q5x",
+ "3hg3",
+ "4xai",
+ "6omu",
+ "2wfj",
+ "1v06",
+ "5jdf",
+ "2omq",
+ "4mbe",
+ "5rsg",
+ "7mlm",
+ "2qte",
+ "4geq",
+ "7enq",
+ "1t02",
+ "4ot3",
+ "1woa",
+ "6jtn",
+ "3hxv",
+ "1u1b",
+ "6a9b",
+ "3tlv",
+ "8g0l",
+ "6bjy",
+ "6n1l",
+ "1ti7",
+ "1mot",
+ "1raf",
+ "6gkx",
+ "5sqi",
+ "5k1b",
+ "3ito",
+ "5lb9",
+ "1s6n",
+ "5bpz",
+ "1pc5",
+ "1laj",
+ "6qwr",
+ "3mgt",
+ "6qhq",
+ "2nzw",
+ "5j3q",
+ "3j8y",
+ "4d3j",
+ "6pex",
+ "6a27",
+ "7dri",
+ "3i5b",
+ "2ylt",
+ "4rrh",
+ "2ihk",
+ "5csy",
+ "2l0q",
+ "4ek1",
+ "1uyi",
+ "2fgr",
+ "6ut1",
+ "6d6x",
+ "5pkx",
+ "5yev",
+ "7n7z",
+ "7z7t",
+ "4a0t",
+ "1a64",
+ "7e0o",
+ "7zvn",
+ "6wzt",
+ "5mpy",
+ "4hfr",
+ "5put",
+ "239l",
+ "6joe",
+ "7v9q",
+ "3wl9",
+ "1y10",
+ "2j0h",
+ "6si1",
+ "1p1j",
+ "3p5h",
+ "1noi",
+ "1rtb",
+ "5cv1",
+ "6clj",
+ "5pg3",
+ "6tgj",
+ "1xdd",
+ "4d6f",
+ "4ean",
+ "2gkl",
+ "1r3s",
+ "6xhe",
+ "6b6e",
+ "6s37",
+ "1ggl",
+ "6z8a",
+ "4o4t",
+ "1w2v",
+ "3mj5",
+ "7z54",
+ "7l8j",
+ "1c7o",
+ "2yow",
+ "6atn",
+ "1f8y",
+ "6x5g",
+ "4exp",
+ "2xnx",
+ "5qm0",
+ "2a8b",
+ "1fez",
+ "1e78",
+ "4at3",
+ "2oqa",
+ "1n8j",
+ "4bow",
+ "2vln",
+ "2rmy",
+ "1srz",
+ "4gnf",
+ "5dju",
+ "3lcm",
+ "5okj",
+ "7fl3",
+ "1kk5",
+ "1oih",
+ "2f56",
+ "5qy4",
+ "7nt3",
+ "7e72",
+ "3e0u",
+ "1pve",
+ "2ymk",
+ "5uo8",
+ "3q9u",
+ "2xno",
+ "4y5j",
+ "3wu1",
+ "2hav",
+ "3pkc",
+ "3r40",
+ "6nkm",
+ "1fa8",
+ "1u3b",
+ "4dq9",
+ "1h7g",
+ "3hio",
+ "4aqa",
+ "5lyy",
+ "6pkc",
+ "2e4w",
+ "5s59",
+ "4i63",
+ "4epi",
+ "7u73",
+ "3iyh",
+ "5r9y",
+ "2gql",
+ "1fca",
+ "5ano",
+ "5lld",
+ "4xq4",
+ "6a72",
+ "5czm",
+ "5hdj",
+ "5nn9",
+ "1n7u",
+ "1y7j",
+ "4lz3",
+ "4dqg",
+ "3gtu",
+ "1ix3",
+ "3m3o",
+ "7vur",
+ "2rbo",
+ "6iz9",
+ "6a6j",
+ "5wm5",
+ "7kid",
+ "2z7l",
+ "1o6s",
+ "3kxd",
+ "5pqf",
+ "7doc",
+ "5zyt",
+ "6riq",
+ "1fs9",
+ "6rfy",
+ "3d93",
+ "1dt7",
+ "5rlu",
+ "2h35",
+ "2rbi",
+ "5lv9",
+ "8dk1",
+ "6r3y",
+ "3zob",
+ "4ngt",
+ "2m7z",
+ "4xde",
+ "3p1b",
+ "1xf5",
+ "4lq6",
+ "1dap",
+ "1m9d",
+ "4cyb",
+ "5etd",
+ "6dyg",
+ "1h99",
+ "4ybp",
+ "6iw5",
+ "5rmk",
+ "2xvh",
+ "7eu7",
+ "7b67",
+ "6msf",
+ "7p5c",
+ "5pqy",
+ "7y78",
+ "6r4g",
+ "4c75",
+ "3wx5",
+ "1dok",
+ "6gwv",
+ "1xgi",
+ "2hjd",
+ "2rh5",
+ "2vnp",
+ "1vzt",
+ "6kr6",
+ "1s5v",
+ "7ltz",
+ "5w8m",
+ "1fxi",
+ "7aws",
+ "2k8a",
+ "7bxz",
+ "4q1u",
+ "5p60",
+ "7lap",
+ "4ntd",
+ "5mgb",
+ "2a74",
+ "2evn",
+ "6zfo",
+ "6cno",
+ "4j97",
+ "4i3n",
+ "2wzm",
+ "4rcp",
+ "1gza",
+ "4qev",
+ "1quf",
+ "6usd",
+ "4rtr",
+ "2p28",
+ "6cj1",
+ "6d1m",
+ "5jr6",
+ "1hgx",
+ "1zeh",
+ "6nsc",
+ "4yvc",
+ "2xfn",
+ "2vyy",
+ "7lqw",
+ "3c6d",
+ "3dyc",
+ "6dkq",
+ "1fug",
+ "3x0x",
+ "4ypg",
+ "1ope",
+ "1gpw",
+ "3pjg",
+ "1t0q",
+ "5mvs",
+ "1w8p",
+ "6o7d",
+ "4kab",
+ "4qvh",
+ "3bwr",
+ "7fld",
+ "5hja",
+ "2mlh",
+ "3haf",
+ "2p6f",
+ "6s79",
+ "2qd1",
+ "5ake",
+ "4b6r",
+ "1b17",
+ "3m6h",
+ "5zwt",
+ "3h4r",
+ "1t26",
+ "1quj",
+ "5xhn",
+ "2f8d",
+ "1azi",
+ "5m8w",
+ "3gax",
+ "5ujg",
+ "7a5q",
+ "5z4j",
+ "6eo2",
+ "5t36",
+ "3uit",
+ "6tek",
+ "7rgv",
+ "1kxv",
+ "2pri",
+ "5ztc",
+ "3gnb",
+ "7b1c",
+ "8ffd",
+ "2no0",
+ "4yyd",
+ "1c7w",
+ "3d66",
+ "6llc",
+ "6gty",
+ "1cbh",
+ "7oc0",
+ "4qia",
+ "2f5k",
+ "6ff3",
+ "3w7u",
+ "6wy6",
+ "2xzo",
+ "6dbs",
+ "5ddm",
+ "7kce",
+ "2eb5",
+ "7to0",
+ "5hg8",
+ "4h5v",
+ "4us4",
+ "6ixt",
+ "6rym",
+ "3gig",
+ "4q1y",
+ "2d4i",
+ "1rb2",
+ "6twc",
+ "7xva",
+ "6wc3",
+ "3g9w",
+ "5tuy",
+ "5xs4",
+ "5web",
+ "6cxe",
+ "5nlc",
+ "1xtv",
+ "7p2b",
+ "5ec4",
+ "2yn8",
+ "5nqu",
+ "2md9",
+ "1id2",
+ "4q9u",
+ "3fee",
+ "3bi3",
+ "3wrr",
+ "3bc9",
+ "3lz5",
+ "4lsw",
+ "5ceb",
+ "5aeq",
+ "3iej",
+ "5tel",
+ "1ses",
+ "6m3t",
+ "3b0i",
+ "1b2u",
+ "5s4l",
+ "1hbx",
+ "5ib3",
+ "4i4x",
+ "1n6u",
+ "2jt5",
+ "3ska",
+ "5n0j",
+ "8bpf",
+ "4k4t",
+ "4h8s",
+ "7vhc",
+ "7nwx",
+ "4crq",
+ "5c71",
+ "3pmf",
+ "1z2b",
+ "4bzx",
+ "1uux",
+ "5obr",
+ "5lll",
+ "1nvd",
+ "7wk8",
+ "5onf",
+ "6fhf",
+ "6u3v",
+ "5qlp",
+ "4gj4",
+ "7e1h",
+ "5zv0",
+ "4pkv",
+ "3fw5",
+ "3k3b",
+ "2qsf",
+ "7t4m",
+ "2vom",
+ "5hb5",
+ "3pv0",
+ "4bdo",
+ "3hfn",
+ "4tzo",
+ "5u32",
+ "3pfu",
+ "1m1m",
+ "5i53",
+ "5fnp",
+ "4ugr",
+ "2o05",
+ "5pxb",
+ "1x9d",
+ "1h0h",
+ "1dud",
+ "7ltf",
+ "7pr1",
+ "5tzy",
+ "6wax",
+ "5uxm",
+ "1x8v",
+ "6nrd",
+ "5ym8",
+ "5r1g",
+ "1gu1",
+ "3n6n",
+ "3zzy",
+ "1tfa",
+ "6qhj",
+ "5d5d",
+ "2mr7",
+ "3cjh",
+ "5yp3",
+ "1nmv",
+ "4w5n",
+ "5m3w",
+ "5oa7",
+ "5gl4",
+ "4eb8",
+ "2wbg",
+ "6kyz",
+ "8e4y",
+ "4lz4",
+ "4c8l",
+ "5kq1",
+ "2cjx",
+ "1v4t",
+ "7frr",
+ "7jt7",
+ "7yx5",
+ "5xbf",
+ "5iqc",
+ "1byl",
+ "1k89",
+ "3iig",
+ "6ohu",
+ "6fh8",
+ "5nk3",
+ "3zcy",
+ "6lid",
+ "6p8h",
+ "6k5i",
+ "1zrr",
+ "4cjf",
+ "1p4m",
+ "6mcp",
+ "5d61",
+ "6ds9",
+ "5km0",
+ "7u6e",
+ "1sip",
+ "4mrm",
+ "7vet",
+ "6xig",
+ "5t4h",
+ "4xnq",
+ "6cfw",
+ "5b5s",
+ "4ckp",
+ "1l5n",
+ "7w63",
+ "4dmf",
+ "2qtx",
+ "3lhc",
+ "2x8q",
+ "7xzc",
+ "7mph",
+ "3jra",
+ "3aze",
+ "6xyo",
+ "1x3k",
+ "2x9m",
+ "4xtj",
+ "7en8",
+ "5s4i",
+ "2aif",
+ "5f28",
+ "4nff",
+ "3vr8",
+ "4msv",
+ "3j1t",
+ "1myh",
+ "4zev",
+ "2hl6",
+ "8d6w",
+ "6ap1",
+ "6rjl",
+ "1yty",
+ "7wr0",
+ "8doj",
+ "6hom",
+ "2y8o",
+ "2ql1",
+ "3bnc",
+ "4y93",
+ "4nbd",
+ "3rhm",
+ "5gvm",
+ "6grs",
+ "3x0o",
+ "5oyk",
+ "1os7",
+ "5aas",
+ "7gep",
+ "1o2a",
+ "1r7s",
+ "7san",
+ "1szh",
+ "7o2l",
+ "4fag",
+ "2wg6",
+ "7alw",
+ "6cke",
+ "7zvl",
+ "3gn2",
+ "2w79",
+ "6ldf",
+ "7z94",
+ "1var",
+ "6sl5",
+ "6rwl",
+ "3fjm",
+ "3cjb",
+ "5j32",
+ "6r10",
+ "7a05",
+ "1q2q",
+ "3bar",
+ "5cmd",
+ "4upg",
+ "4ebc",
+ "5r0f",
+ "7q1b",
+ "5pgo",
+ "6obt",
+ "3wff",
+ "6z37",
+ "4j4c",
+ "3x0q",
+ "2voz",
+ "7tni",
+ "5orb",
+ "6t7y",
+ "4qg7",
+ "7k5j",
+ "5mm8",
+ "3mef",
+ "5pqe",
+ "6dyk",
+ "1j18",
+ "4qyy",
+ "5h8l",
+ "3j7n",
+ "4hhv",
+ "2kaf",
+ "4gyr",
+ "4flc",
+ "1jpg",
+ "3ogl",
+ "3iy1",
+ "4am3",
+ "1q9d",
+ "5syz",
+ "5f5r",
+ "2ylc",
+ "1bxm",
+ "1uoh",
+ "1svx",
+ "6mmn",
+ "1x8q",
+ "5k31",
+ "1n29",
+ "5djw",
+ "2zcy",
+ "4o1b",
+ "5hud",
+ "7bbj",
+ "1hqw",
+ "2bs3",
+ "4ddh",
+ "5teb",
+ "1skx",
+ "4tsl",
+ "6aip",
+ "5oqs",
+ "7bte",
+ "3dys",
+ "5fvs",
+ "1wyt",
+ "6jea",
+ "5kwy",
+ "5fgz",
+ "1bga",
+ "2m9l",
+ "4dty",
+ "3ixf",
+ "6v5l",
+ "2uv6",
+ "5opp",
+ "5vbm",
+ "1zxy",
+ "1mck",
+ "4uqc",
+ "7lu6",
+ "6jge",
+ "3t0s",
+ "7sq7",
+ "5fkq",
+ "6mod",
+ "3qq5",
+ "2vdf",
+ "3m9b",
+ "6rfv",
+ "7kva",
+ "8fys",
+ "7o4x",
+ "5m5c",
+ "5xwm",
+ "1tlk",
+ "4gjz",
+ "6dt6",
+ "7fdn",
+ "3os9",
+ "5ewc",
+ "6jc0",
+ "1gbb",
+ "1ioz",
+ "2qws",
+ "2k62",
+ "1sfd",
+ "5mns",
+ "2bks",
+ "4ba1",
+ "3swl",
+ "5ay7",
+ "3dve",
+ "1anj",
+ "3f06",
+ "6gtq",
+ "7el3",
+ "1m9h",
+ "5wmp",
+ "4llw",
+ "3aua",
+ "5l2r",
+ "1jlj",
+ "6m8a",
+ "1zab",
+ "6gzj",
+ "2eyx",
+ "1ars",
+ "1kyw",
+ "4xq5",
+ "5o86",
+ "5xqg",
+ "1ki1",
+ "5muu",
+ "4xfm",
+ "1bwh",
+ "5mgm",
+ "7sj7",
+ "1avs",
+ "4efg",
+ "4ug6",
+ "5jld",
+ "5lg7",
+ "3ed9",
+ "4tjz",
+ "2gl1",
+ "5e6q",
+ "1odh",
+ "7xvz",
+ "7sk3",
+ "4j54",
+ "3p4w",
+ "3aaz",
+ "4ibu",
+ "5wot",
+ "5nu1",
+ "1mgo",
+ "7lr1",
+ "2pnj",
+ "6qdh",
+ "7vnj",
+ "6tc1",
+ "6dnv",
+ "6k5r",
+ "7ob0",
+ "6k4z",
+ "3fp2",
+ "7szt",
+ "3x1h",
+ "5wle",
+ "2vop",
+ "4nfn",
+ "8c5y",
+ "1fns",
+ "6cmc",
+ "6dgt",
+ "5pv7",
+ "4rai",
+ "3wpn",
+ "4tqb",
+ "1hrd",
+ "7q4w",
+ "5z3v",
+ "3sqi",
+ "7s9m",
+ "5ulg",
+ "6a97",
+ "4aci",
+ "1bci",
+ "1e7c",
+ "7udn",
+ "4ocn",
+ "6xe4",
+ "5ogl",
+ "6gvx",
+ "2zoh",
+ "4c7l",
+ "1q54",
+ "4f7n",
+ "4bfe",
+ "4wwy",
+ "2yqh",
+ "4pd0",
+ "5hyk",
+ "2ndf",
+ "1jl5",
+ "6n4y",
+ "4af5",
+ "5bno",
+ "4ydb",
+ "4hom",
+ "5eh8",
+ "2x7r",
+ "4ogj",
+ "4eay",
+ "5piv",
+ "7qzu",
+ "1vsr",
+ "5fr1",
+ "7eb1",
+ "4u8w",
+ "5gmt",
+ "6wke",
+ "3ibo",
+ "5dkb",
+ "6hl9",
+ "1znv",
+ "3j6r",
+ "3qt9",
+ "1ali",
+ "3qym",
+ "4w7z",
+ "4f4b",
+ "7kjc",
+ "7s61",
+ "6ucs",
+ "6nk5",
+ "4q9y",
+ "2a7j",
+ "6r1s",
+ "1q1f",
+ "4pz1",
+ "6by0",
+ "6zrn",
+ "6wkf",
+ "5tbu",
+ "5pci",
+ "3dbx",
+ "4yrf",
+ "2hpj",
+ "6hkx",
+ "2ki5",
+ "5om4",
+ "3q0f",
+ "4nck",
+ "5awx",
+ "3wbm",
+ "2io4",
+ "4u69",
+ "4iuz",
+ "3oev",
+ "6nca",
+ "7phv",
+ "6uoi",
+ "5ayq",
+ "1z6t",
+ "2mtp",
+ "4xls",
+ "6bk0",
+ "3ed3",
+ "1pij",
+ "5iof",
+ "3cxu",
+ "1c7f",
+ "1bbs",
+ "5wig",
+ "7cty",
+ "4k34",
+ "5gub",
+ "2a6z",
+ "7ekq",
+ "3izn",
+ "1aaq",
+ "6qet",
+ "3lbs",
+ "4qxv",
+ "3nvv",
+ "7vfn",
+ "7rm2",
+ "2xey",
+ "1bkh",
+ "2zdo",
+ "3ti1",
+ "1h0j",
+ "1txr",
+ "5hmf",
+ "2q43",
+ "5dhi",
+ "5o58",
+ "1ifa",
+ "7z1s",
+ "1yqp",
+ "6dvw",
+ "6hwu",
+ "7cz4",
+ "7mri",
+ "1ieu",
+ "1ii7",
+ "4s2w",
+ "6a5n",
+ "5j0r",
+ "3eoa",
+ "4dz8",
+ "7ktg",
+ "1hcd",
+ "6q8n",
+ "3asz",
+ "2qqi",
+ "1ysc",
+ "6wu5",
+ "2nwy",
+ "5dkn",
+ "7m8e",
+ "6plr",
+ "7pt1",
+ "7aa7",
+ "2iz4",
+ "5j93",
+ "5pbo",
+ "7uq3",
+ "6y7x",
+ "2hst",
+ "7rty",
+ "6ruu",
+ "6tk4",
+ "4qth",
+ "2dup",
+ "7kqm",
+ "5f5d",
+ "3o3m",
+ "6eff",
+ "4k1o",
+ "6fx4",
+ "5gxh",
+ "5mg2",
+ "5s28",
+ "6a2h",
+ "6x82",
+ "2adg",
+ "7mjw",
+ "6orr",
+ "1fzd",
+ "6dgl",
+ "3j2q",
+ "3qss",
+ "3k4f",
+ "3u4c",
+ "1tu0",
+ "7mzd",
+ "3gz9",
+ "5mz3",
+ "4cg7",
+ "7xl0",
+ "1ht0",
+ "8c5f",
+ "2anc",
+ "1q9e",
+ "4ec7",
+ "8aub",
+ "1psb",
+ "5ae5",
+ "5u5x",
+ "1p4u",
+ "3vsx",
+ "4fct",
+ "3wge",
+ "7avf",
+ "6on0",
+ "7pbg",
+ "7u2v",
+ "2zol",
+ "4y32",
+ "5zyo",
+ "3aqo",
+ "4w8c",
+ "1shj",
+ "1sgc",
+ "4uu3",
+ "2nul",
+ "4pnc",
+ "6em9",
+ "4hk8",
+ "1wgu",
+ "2g1m",
+ "6b6f",
+ "5kgp",
+ "6rx1",
+ "4jft",
+ "2rq0",
+ "2x5w",
+ "3eqr",
+ "1pjr",
+ "3qb0",
+ "2ztz",
+ "7odw",
+ "5uca",
+ "5n49",
+ "4ajr",
+ "1frd",
+ "3m43",
+ "4qls",
+ "1iaj",
+ "3qhc",
+ "2ndg",
+ "1lrp",
+ "1aqz",
+ "7pdc",
+ "1pwx",
+ "3ibh",
+ "5p28",
+ "7wja",
+ "3zs6",
+ "3ae9",
+ "1s2m",
+ "1mn0",
+ "2cgj",
+ "1r12",
+ "4yo2",
+ "7tbh",
+ "3e68",
+ "2l23",
+ "6jzj",
+ "5n4q",
+ "7urf",
+ "4uvt",
+ "6jza",
+ "7qh8",
+ "4f85",
+ "6txg",
+ "2agg",
+ "3fr0",
+ "7ovi",
+ "5m5h",
+ "6biy",
+ "1ass",
+ "2l6b",
+ "4mel",
+ "1kun",
+ "1fvi",
+ "1aj5",
+ "3glx",
+ "5iq9",
+ "4j48",
+ "8aif",
+ "7f1h",
+ "5ei8",
+ "4loi",
+ "3thi",
+ "6zs5",
+ "6nrr",
+ "6h3c",
+ "5l74",
+ "1ma0",
+ "5u49",
+ "2we4",
+ "3svv",
+ "1r6d",
+ "5azi",
+ "4fbf",
+ "6jxg",
+ "2ly7",
+ "4dkr",
+ "2fjl",
+ "1ylv",
+ "4qk2",
+ "5lls",
+ "4znq",
+ "2m4j",
+ "1wqe",
+ "1et6",
+ "5pw1",
+ "6knf",
+ "4m51",
+ "5j0z",
+ "5i2c",
+ "6le4",
+ "7phe",
+ "1lay",
+ "3gxq",
+ "6ieh",
+ "6omw",
+ "5qkk",
+ "6uy8",
+ "6zkz",
+ "4ie6",
+ "7fe1",
+ "7p0l",
+ "3gm3",
+ "6b0a",
+ "1ziz",
+ "5b5x",
+ "7ln0",
+ "2cbl",
+ "5w0m",
+ "1pw9",
+ "5ptl",
+ "1y47",
+ "8b92",
+ "7td1",
+ "5dbf",
+ "2kwt",
+ "4r8x",
+ "6lzw",
+ "2pjc",
+ "4ec3",
+ "3du8",
+ "1cuz",
+ "2j38",
+ "6nfu",
+ "4uit",
+ "6dje",
+ "8ana",
+ "3ku6",
+ "2nmy",
+ "4ng0",
+ "2vbg",
+ "1jax",
+ "2or4",
+ "7bhm",
+ "4bj0",
+ "4a66",
+ "4wv6",
+ "6frm",
+ "5cvn",
+ "6qvv",
+ "6uiy",
+ "7w5g",
+ "3itk",
+ "4qdh",
+ "6her",
+ "4bnq",
+ "1w6t",
+ "4ivj",
+ "4ced",
+ "2ovb",
+ "1phb",
+ "5ua5",
+ "5tt7",
+ "3rj9",
+ "2jko",
+ "2xnb",
+ "6ps4",
+ "3p5e",
+ "4hia",
+ "4m70",
+ "5ug7",
+ "7cuv",
+ "7c6a",
+ "7px8",
+ "7wrl",
+ "5ivi",
+ "6khy",
+ "2wf5",
+ "4nkt",
+ "3mp1",
+ "1jpu",
+ "7as2",
+ "2l93",
+ "1r82",
+ "2uuv",
+ "2rop",
+ "4nbi",
+ "7xow",
+ "6r6t",
+ "5uhy",
+ "3msh",
+ "3w56",
+ "1lel",
+ "6loo",
+ "5c0t",
+ "1wdn",
+ "7o4c",
+ "5cge",
+ "5dc0",
+ "3o9j",
+ "2hqr",
+ "2xhg",
+ "3wfo",
+ "1d0y",
+ "8b3j",
+ "4fh8",
+ "5zcn",
+ "5rt4",
+ "7rvt",
+ "4kaz",
+ "4nn7",
+ "7b7j",
+ "6w1y",
+ "3vle",
+ "1fsk",
+ "5ypu",
+ "2ob4",
+ "7onx",
+ "7cgh",
+ "7ply",
+ "1s46",
+ "2gdg",
+ "2dkh",
+ "2rmc",
+ "7n36",
+ "6ttz",
+ "6sb4",
+ "2zrh",
+ "2zdn",
+ "7bgu",
+ "6qmt",
+ "6hbi",
+ "1fgk",
+ "4kat",
+ "2lk6",
+ "5u68",
+ "4ed4",
+ "4hyg",
+ "7cy7",
+ "6uum",
+ "4myz",
+ "1n6i",
+ "6n8y",
+ "5ddk",
+ "1cf4",
+ "1is1",
+ "2ht8",
+ "6rgn",
+ "6itu",
+ "5p56",
+ "1fr7",
+ "5iz3",
+ "1jal",
+ "2zvw",
+ "3nkv",
+ "1isx",
+ "3sqo",
+ "6hez",
+ "6m0e",
+ "4cog",
+ "7zzo",
+ "3qlu",
+ "1swn",
+ "1orv",
+ "1euz",
+ "5phd",
+ "5s2f",
+ "6z9b",
+ "6zi7",
+ "7fo2",
+ "5kfz",
+ "1amh",
+ "6ffg",
+ "5mlj",
+ "3j2z",
+ "5z37",
+ "8e7n",
+ "6m4c",
+ "7tny",
+ "5aki",
+ "6anq",
+ "1qmc",
+ "2brc",
+ "3jzi",
+ "1huc",
+ "6bgx",
+ "1ap9",
+ "1ucc",
+ "6rw3",
+ "5a86",
+ "7ar9",
+ "6hos",
+ "4lnu",
+ "3oe5",
+ "6zy3",
+ "7w5f",
+ "2eul",
+ "5buf",
+ "6gsh",
+ "2rj9",
+ "3ft7",
+ "5x0y",
+ "6i1z",
+ "6ba6",
+ "4cg0",
+ "1ubb",
+ "5yvq",
+ "3gn5",
+ "3m1h",
+ "3p2v",
+ "3w6z",
+ "8fwj",
+ "1hy3",
+ "4tnk",
+ "5r07",
+ "4olc",
+ "6z5p",
+ "5h7g",
+ "2coi",
+ "2vzk",
+ "4jhn",
+ "1hg0",
+ "2ogp",
+ "3u2v",
+ "4ofo",
+ "4pvo",
+ "3mip",
+ "1lip",
+ "5ev5",
+ "1bvz",
+ "4alc",
+ "1m2n",
+ "6xh1",
+ "4a76",
+ "1e8z",
+ "6duk",
+ "7oru",
+ "1ocy",
+ "2fgk",
+ "5by5",
+ "6m1k",
+ "2ezh",
+ "7rwa",
+ "6abz",
+ "3bly",
+ "2vm1",
+ "1crr",
+ "5rhd",
+ "8f1b",
+ "6hoi",
+ "5i5j",
+ "1bx7",
+ "1ept",
+ "7ne3",
+ "5lbs",
+ "1ii8",
+ "4wsp",
+ "4e0w",
+ "3ukh",
+ "6qks",
+ "4yzm",
+ "3ewh",
+ "4rhu",
+ "6wb2",
+ "5mqc",
+ "4a4v",
+ "2zbm",
+ "6u4x",
+ "1p9b",
+ "1fso",
+ "6pvq",
+ "7jwe",
+ "6mcj",
+ "2xdx",
+ "7jth",
+ "5v5d",
+ "2j34",
+ "6gxy",
+ "6qr4",
+ "2c6s",
+ "3aur",
+ "6pbb",
+ "7wlr",
+ "5u00",
+ "6ubp",
+ "1m2x",
+ "4kcu",
+ "6e6v",
+ "5y7l",
+ "2wqw",
+ "1rc9",
+ "3ds0",
+ "7qcc",
+ "3llf",
+ "4xf0",
+ "7svo",
+ "3vb7",
+ "3o4u",
+ "7cy5",
+ "4riy",
+ "5s4u",
+ "4pry",
+ "3wdb",
+ "3cmq",
+ "4zuo",
+ "5m3h",
+ "1her",
+ "6fkt",
+ "4nva",
+ "4mqy",
+ "5zg0",
+ "6xtw",
+ "5s9w",
+ "5wxg",
+ "3q7y",
+ "5b4u",
+ "8h05",
+ "5cxl",
+ "2rnn",
+ "1ocp",
+ "7p5n",
+ "5l8y",
+ "3e0q",
+ "7dr4",
+ "7red",
+ "3zvw",
+ "1x9u",
+ "5pou",
+ "3b0a",
+ "1b3l",
+ "6zdu",
+ "7dgk",
+ "6z9o",
+ "7kq0",
+ "4r1j",
+ "1a24",
+ "4h25",
+ "5e8k",
+ "5z8s",
+ "7tpb",
+ "1otm",
+ "5h4y",
+ "1rkv",
+ "4l3j",
+ "3j4j",
+ "3ued",
+ "3eub",
+ "3gki",
+ "7daf",
+ "8dsh",
+ "1qfd",
+ "3ujo",
+ "2v2m",
+ "6rya",
+ "3w1o",
+ "2ovz",
+ "8ayz",
+ "7kwz",
+ "8dku",
+ "1j1n",
+ "2mfc",
+ "2vo9",
+ "2gtz",
+ "4j83",
+ "1zdq",
+ "107l",
+ "4mdu",
+ "3ble",
+ "2vo1",
+ "2ivm",
+ "6fkh",
+ "5mjq",
+ "4pdb",
+ "3hy9",
+ "2jrk",
+ "4lqj",
+ "7tsp",
+ "5cpj",
+ "6za5",
+ "1f7k",
+ "4ynm",
+ "1gwy",
+ "4ie3",
+ "7yfh",
+ "2wmf",
+ "2kb9",
+ "2w2s",
+ "3lrt",
+ "5pdw",
+ "2blu",
+ "2zti",
+ "7qfn",
+ "6czf",
+ "3g97",
+ "7pg1",
+ "5a5n",
+ "3e4w",
+ "3bfj",
+ "2de5",
+ "3ufn",
+ "5sal",
+ "1n5m",
+ "1c0m",
+ "2v5q",
+ "3te7",
+ "3zoq",
+ "7ax6",
+ "7qkf",
+ "2dfe",
+ "5nwj",
+ "1a6k",
+ "5z9w",
+ "7aam",
+ "2zbo",
+ "7d1c",
+ "3fl7",
+ "4xi8",
+ "1ec2",
+ "7x2t",
+ "6apw",
+ "5kiu",
+ "6lf5",
+ "7jl4",
+ "4ja3",
+ "2qi8",
+ "4o7j",
+ "5fld",
+ "4k1y",
+ "5od2",
+ "5bxp",
+ "3lk1",
+ "1f5j",
+ "4uzl",
+ "5tpa",
+ "3bls",
+ "4og7",
+ "4fc8",
+ "3ig9",
+ "6hvf",
+ "2h3m",
+ "3eom",
+ "3t05",
+ "6zb9",
+ "4asa",
+ "1qfg",
+ "6pvc",
+ "4ldm",
+ "2o2c",
+ "7nku",
+ "2vo4",
+ "3cf5",
+ "5u7e",
+ "4lsl",
+ "5i3p",
+ "6w0k",
+ "6dmp",
+ "1i70",
+ "6a4x",
+ "7qaw",
+ "5tds",
+ "7k9n",
+ "4ije",
+ "7lzq",
+ "5of9",
+ "7uw0",
+ "2wo9",
+ "6fak",
+ "5gng",
+ "6jhw",
+ "2ro3",
+ "1ril",
+ "4kg4",
+ "4qjn",
+ "3l7r",
+ "5cdf",
+ "6l40",
+ "6sie",
+ "4jet",
+ "6n3x",
+ "1vng",
+ "5tki",
+ "3td3",
+ "1mpt",
+ "6r5o",
+ "1af6",
+ "8cvs",
+ "3h4b",
+ "2imb",
+ "3b9k",
+ "6alz",
+ "3jxf",
+ "4cpt",
+ "5cj8",
+ "3vq5",
+ "7kt7",
+ "4hle",
+ "3f7f",
+ "1yu4",
+ "8ewl",
+ "5t8h",
+ "3tws",
+ "7za4",
+ "3i5p",
+ "6bvq",
+ "4cka",
+ "5t78",
+ "6g83",
+ "2z8p",
+ "3uo5",
+ "5adw",
+ "5pno",
+ "1zbf",
+ "2i94",
+ "5vwq",
+ "1b09",
+ "1mr0",
+ "3hdz",
+ "1enf",
+ "4mk7",
+ "6dj0",
+ "7dtr",
+ "5fun",
+ "1lee",
+ "2nts",
+ "6kjy",
+ "4i7p",
+ "6ued",
+ "4wcc",
+ "7msq",
+ "5w9q",
+ "2abs",
+ "4mha",
+ "7waw",
+ "2nc5",
+ "6ezg",
+ "1dds",
+ "2nc3",
+ "2v91",
+ "5uvf",
+ "5rm1",
+ "6b4n",
+ "6vug",
+ "6gjr",
+ "4l3q",
+ "6zj8",
+ "2d7s",
+ "2xej",
+ "6nha",
+ "2guy",
+ "2ybu",
+ "5fhz",
+ "6x7b",
+ "6i3j",
+ "3trs",
+ "3wwc",
+ "6qrf",
+ "3vkt",
+ "5can",
+ "6ntu",
+ "1o39",
+ "5vf0",
+ "2dux",
+ "6ex0",
+ "4fc1",
+ "7umv",
+ "6n9p",
+ "3al8",
+ "3fi5",
+ "4j5y",
+ "6of8",
+ "5mkp",
+ "5l0e",
+ "7o5l",
+ "7b9q",
+ "1oh6",
+ "2bmk",
+ "7ms9",
+ "1cyu",
+ "2hkx",
+ "1gl3",
+ "5mv8",
+ "1eyf",
+ "3pv1",
+ "1pmk",
+ "5m41",
+ "2nli",
+ "3qpb",
+ "6nd1",
+ "3pfd",
+ "2vdo",
+ "6vkx",
+ "5cqj",
+ "2w78",
+ "7xmc",
+ "6j9f",
+ "5anz",
+ "1iw6",
+ "5ljf",
+ "4wsf",
+ "6e5e",
+ "7pp3",
+ "3sku",
+ "4ckr",
+ "6npb",
+ "7ko4",
+ "4pbz",
+ "7kan",
+ "4prd",
+ "3qj5",
+ "1cuj",
+ "1xyc",
+ "6n3e",
+ "7e93",
+ "1qt9",
+ "1ba1",
+ "1l8o",
+ "3eau",
+ "5ii8",
+ "6sj3",
+ "1avp",
+ "2aud",
+ "6bhi",
+ "2exm",
+ "6uqd",
+ "5vfr",
+ "5stc",
+ "4omk",
+ "4iy9",
+ "2bu9",
+ "5og3",
+ "3lzo",
+ "4wg1",
+ "6vux",
+ "1kra",
+ "5yhl",
+ "7uv0",
+ "7oq1",
+ "7z24",
+ "3bsy",
+ "7y24",
+ "6wey",
+ "4f29",
+ "5t4r",
+ "6ewj",
+ "7k63",
+ "3mro",
+ "5zjr",
+ "7d2d",
+ "1h0n",
+ "6zgp",
+ "5vxn",
+ "4k59",
+ "6tm3",
+ "2yx0",
+ "1kt7",
+ "4v12",
+ "6rza",
+ "3pcw",
+ "1gvc",
+ "3ce0",
+ "5cc2",
+ "5tl5",
+ "1tt0",
+ "1o24",
+ "4ugk",
+ "7cpn",
+ "1e2g",
+ "3r7d",
+ "5yyz",
+ "4mj0",
+ "5j94",
+ "1k6x",
+ "6qo8",
+ "2a6k",
+ "3vvn",
+ "5cp4",
+ "8h65",
+ "1tfx",
+ "7zws",
+ "2vmh",
+ "3nff",
+ "6iew",
+ "3hcq",
+ "4jw3",
+ "3ass",
+ "1nc1",
+ "5msj",
+ "5i8n",
+ "4e9t",
+ "2cm6",
+ "5i0j",
+ "3dtq",
+ "2q17",
+ "3ukg",
+ "5x8c",
+ "2m1w",
+ "4j38",
+ "7yqn",
+ "1h0v",
+ "7eri",
+ "1iu2",
+ "5dzr",
+ "2hdu",
+ "4o01",
+ "7lx9",
+ "5v4h",
+ "7rgz",
+ "6see",
+ "5e9l",
+ "5i3v",
+ "1oy7",
+ "6skd",
+ "5jxp",
+ "6aox",
+ "4ia8",
+ "7ozj",
+ "1kfd",
+ "3taz",
+ "7smi",
+ "3wak",
+ "1cyj",
+ "6hhw",
+ "2p6p",
+ "2zxp",
+ "4c2n",
+ "5hvz",
+ "5uql",
+ "2vyr",
+ "5fxg",
+ "3v1m",
+ "6b6o",
+ "4hwi",
+ "6arq",
+ "5fh5",
+ "6obe",
+ "3pq5",
+ "1dhi",
+ "1in6",
+ "2xgz",
+ "3eqt",
+ "1dmd",
+ "4dl3",
+ "5li4",
+ "6kae",
+ "6f9x",
+ "4pin",
+ "8b4h",
+ "2mzb",
+ "7kst",
+ "4ipl",
+ "1m15",
+ "1dzk",
+ "7wpk",
+ "6cb7",
+ "3zcd",
+ "7lvf",
+ "3j6c",
+ "3ps6",
+ "1hu5",
+ "3b36",
+ "6i7j",
+ "5qnq",
+ "4c04",
+ "1jf4",
+ "6kgp",
+ "4uv3",
+ "3wqm",
+ "6n9y",
+ "2lae",
+ "4jtx",
+ "7f3g",
+ "4obc",
+ "5ezb",
+ "6s71",
+ "6ba9",
+ "3tm8",
+ "1bnn",
+ "4zv2",
+ "1kvv",
+ "5rpb",
+ "1kvt",
+ "1isz",
+ "4zzy",
+ "7luj",
+ "1ymk",
+ "6a9a",
+ "4qhm",
+ "7aaz",
+ "6q52",
+ "8h99",
+ "2ci3",
+ "5unq",
+ "3eoe",
+ "1k25",
+ "3ioh",
+ "1v7u",
+ "6ova",
+ "2r5k",
+ "4rpp",
+ "1jys",
+ "3h6a",
+ "1ovg",
+ "1ul9",
+ "3iiq",
+ "4hx1",
+ "2vn9",
+ "4rq6",
+ "1ner",
+ "1ssf",
+ "5ww5",
+ "6pf8",
+ "6auh",
+ "4ffo",
+ "6p4t",
+ "7akg",
+ "3ll8",
+ "4mhy",
+ "3nkk",
+ "6ilk",
+ "2yfa",
+ "4qq1",
+ "1qxa",
+ "2fqq",
+ "1wax",
+ "1uv4",
+ "1dq0",
+ "4qs8",
+ "6p5u",
+ "5hji",
+ "3b96",
+ "2wnd",
+ "5xiu",
+ "2i72",
+ "5k0p",
+ "6lpv",
+ "3utm",
+ "1oxr",
+ "5fmr",
+ "5lc0",
+ "2nqk",
+ "1h5z",
+ "7rni",
+ "2lnu",
+ "2fj0",
+ "4aa9",
+ "4l5v",
+ "1esa",
+ "4gs9",
+ "4gpk",
+ "2pyn",
+ "4lgs",
+ "4wve",
+ "1czf",
+ "4qxd",
+ "4q0b",
+ "1mmx",
+ "3vs9",
+ "1y21",
+ "6ib0",
+ "1o1r",
+ "6tw3",
+ "5id9",
+ "2zmh",
+ "5fyr",
+ "4nuo",
+ "5zhg",
+ "2lsn",
+ "7k9e",
+ "5r0q",
+ "2i9b",
+ "3zo8",
+ "7o1z",
+ "7np8",
+ "1qmu",
+ "4d2k",
+ "1bs9",
+ "2av6",
+ "2rej",
+ "6jdd",
+ "3zrs",
+ "2vtq",
+ "3sjt",
+ "4gn4",
+ "7r7k",
+ "5va2",
+ "2h1b",
+ "1dy2",
+ "7v3h",
+ "4rny",
+ "1bgt",
+ "2x1w",
+ "5dh0",
+ "4wj4",
+ "1f9j",
+ "6my5",
+ "1i6u",
+ "1u6j",
+ "3jxy",
+ "6mmk",
+ "1ec8",
+ "4s22",
+ "6fgy",
+ "4cin",
+ "5ydz",
+ "8c0q",
+ "1mzk",
+ "3ucb",
+ "6f0b",
+ "6xr2",
+ "3mhf",
+ "6jpj",
+ "1l98",
+ "1rs4",
+ "7ehi",
+ "4p3x",
+ "4brq",
+ "1orf",
+ "4iri",
+ "4lqr",
+ "6pvu",
+ "2wke",
+ "6vei",
+ "1e0t",
+ "3fci",
+ "4bjq",
+ "6o76",
+ "1cyd",
+ "1h7f",
+ "1dtp",
+ "6vlk",
+ "1n4k",
+ "4qo2",
+ "5u24",
+ "7ttj",
+ "3u9q",
+ "6qk2",
+ "2gx8",
+ "2w94",
+ "4lp6",
+ "5o8t",
+ "4cik",
+ "2gqw",
+ "3e0j",
+ "5ppj",
+ "6r8l",
+ "3t4k",
+ "3kbt",
+ "6d92",
+ "8fby",
+ "4ze3",
+ "1m4j",
+ "2ebi",
+ "7mc2",
+ "4bdz",
+ "1pxi",
+ "2zqx",
+ "5e9f",
+ "5dda",
+ "3ekd",
+ "2ay3",
+ "3mjk",
+ "1mf4",
+ "5nw9",
+ "1iex",
+ "6oay",
+ "6cwp",
+ "3x04",
+ "1u7x",
+ "7aat",
+ "2hww",
+ "5j1m",
+ "6ve8",
+ "4h5t",
+ "2xc0",
+ "3tk7",
+ "1qja",
+ "5afn",
+ "6tdy",
+ "5stx",
+ "4a7t",
+ "1dun",
+ "5h3a",
+ "1zog",
+ "7smp",
+ "3sw9",
+ "3fod",
+ "7xsh",
+ "6ijm",
+ "6kxg",
+ "3ns2",
+ "5rcc",
+ "7mr6",
+ "2bjq",
+ "4lbl",
+ "6fps",
+ "7f83",
+ "7zcz",
+ "1sg8",
+ "7kiu",
+ "3ila",
+ "1c4p",
+ "2lu1",
+ "1kj2",
+ "7m6b",
+ "4rmh",
+ "7olx",
+ "2vih",
+ "3ti3",
+ "5t00",
+ "4m0y",
+ "5w14",
+ "3bys",
+ "1mni",
+ "1bdy",
+ "1t9s",
+ "4lzf",
+ "1zdu",
+ "5la4",
+ "3g4y",
+ "2jao",
+ "1uyd",
+ "3kwq",
+ "1n7x",
+ "5uzy",
+ "3crc",
+ "7n3o",
+ "1ojc",
+ "2an2",
+ "2ejf",
+ "1l3a",
+ "7zj7",
+ "1o2s",
+ "6b44",
+ "1vdd",
+ "2xp5",
+ "4pum",
+ "5qty",
+ "2b7y",
+ "4nxv",
+ "4cqh",
+ "1bwb",
+ "2xci",
+ "1f1s",
+ "4alu",
+ "6slk",
+ "5wpi",
+ "7m63",
+ "4hzc",
+ "5adb",
+ "6mf6",
+ "3ft8",
+ "4we8",
+ "2y50",
+ "1bi9",
+ "4jtc",
+ "2gfk",
+ "1yyt",
+ "2vgd",
+ "1r6w",
+ "3rm3",
+ "5pn8",
+ "3lg6",
+ "4a0j",
+ "4lbh",
+ "7xqp",
+ "6m14",
+ "4wcx",
+ "6pud",
+ "7t5y",
+ "7lkb",
+ "2c61",
+ "4rwm",
+ "3eqa",
+ "4rgv",
+ "1l9d",
+ "7vja",
+ "4tyj",
+ "4yge",
+ "6xqs",
+ "4duo",
+ "2jvh",
+ "1b87",
+ "2n5e",
+ "3v4w",
+ "5hw1",
+ "4yoi",
+ "1qf1",
+ "4ttv",
+ "3d5z",
+ "7ksm",
+ "7upq",
+ "5xvs",
+ "5e3o",
+ "3aa7",
+ "2erf",
+ "6xbh",
+ "7bed",
+ "7ste",
+ "4m4r",
+ "2qvj",
+ "2f82",
+ "5njf",
+ "4dxa",
+ "1j9k",
+ "6ngg",
+ "7ppm",
+ "242l",
+ "6fvf",
+ "3i8d",
+ "4y2t",
+ "5p1p",
+ "1pqd",
+ "6h39",
+ "4b4v",
+ "7x01",
+ "5oye",
+ "6upy",
+ "6s3p",
+ "5p6b",
+ "7cjs",
+ "3s67",
+ "7ebk",
+ "5ule",
+ "6b84",
+ "5fe7",
+ "1cib",
+ "5ns3",
+ "2c2r",
+ "6cd7",
+ "2m7n",
+ "5nor",
+ "5n9q",
+ "2f7n",
+ "3unx",
+ "3rz8",
+ "1e1r",
+ "4s00",
+ "6dp9",
+ "4ykb",
+ "2yoh",
+ "4cok",
+ "6zfh",
+ "2ykd",
+ "6am0",
+ "1sdx",
+ "8ep1",
+ "5p7c",
+ "6esx",
+ "6ot7",
+ "4obt",
+ "6a1p",
+ "6sda",
+ "5in3",
+ "3bji",
+ "7lby",
+ "4mhc",
+ "5ukl",
+ "3mud",
+ "5h46",
+ "6lvp",
+ "5dfk",
+ "5fho",
+ "4c8c",
+ "6bi7",
+ "6rfd",
+ "1rj8",
+ "6uqu",
+ "2kqb",
+ "3hwx",
+ "6egs",
+ "5dqg",
+ "3h0q",
+ "4x10",
+ "1epa",
+ "3f9o",
+ "7xyi",
+ "6h6r",
+ "4l4l",
+ "5oap",
+ "5qkl",
+ "5brp",
+ "1umb",
+ "4db4",
+ "2xp0",
+ "1q6p",
+ "6ugp",
+ "7mxh",
+ "7rud",
+ "6ts9",
+ "1nte",
+ "5jw8",
+ "4xo7",
+ "8axp",
+ "7xhs",
+ "1af8",
+ "7jo2",
+ "2w3t",
+ "6luz",
+ "6u7c",
+ "5g0w",
+ "6fc1",
+ "7lor",
+ "6lep",
+ "2vap",
+ "5n08",
+ "2hqo",
+ "3tq9",
+ "6nh4",
+ "6cho",
+ "1zix",
+ "1pyq",
+ "7a7e",
+ "5tmf",
+ "8gsz",
+ "4u1d",
+ "8dc7",
+ "6sde",
+ "4lki",
+ "1v1i",
+ "6qie",
+ "4ffh",
+ "6x04",
+ "1bxu",
+ "4f7e",
+ "3la2",
+ "1j9g",
+ "6am3",
+ "6yok",
+ "7bql",
+ "3c5e",
+ "5s52",
+ "3lpn",
+ "3hy7",
+ "2qt9",
+ "2z6d",
+ "7t6n",
+ "1a6n",
+ "5b52",
+ "6myr",
+ "3wht",
+ "2mky",
+ "4ire",
+ "4egj",
+ "7wur",
+ "6mqr",
+ "3n1e",
+ "6hjj",
+ "6b94",
+ "3nr5",
+ "6m0s",
+ "8ac3",
+ "5f5g",
+ "1vee",
+ "3dfn",
+ "3zg6",
+ "6d0m",
+ "6p4x",
+ "4cbq",
+ "5dzv",
+ "3ll1",
+ "3kv8",
+ "4dtt",
+ "1rw8",
+ "3wia",
+ "4jru",
+ "1nqc",
+ "3kmq",
+ "6j5g",
+ "2hh7",
+ "3rs2",
+ "3pob",
+ "1dd5",
+ "4xqq",
+ "7xdt",
+ "6ule",
+ "6oop",
+ "1k7d",
+ "2kfg",
+ "3ha4",
+ "3hxz",
+ "5b0d",
+ "6jxt",
+ "2n1n",
+ "1xzw",
+ "7ttx",
+ "1sto",
+ "3wg9",
+ "8f74",
+ "3pr1",
+ "1d6q",
+ "5j2g",
+ "1mhu",
+ "5lup",
+ "5occ",
+ "7o3h",
+ "7cjg",
+ "4bus",
+ "5pr2",
+ "3vze",
+ "3ds1",
+ "1n8m",
+ "1ew3",
+ "5e55",
+ "3fur",
+ "5hfg",
+ "5etm",
+ "6v8a",
+ "6stu",
+ "4ia2",
+ "5ml5",
+ "2hmg",
+ "6qqz",
+ "4i01",
+ "4mnt",
+ "8bsn",
+ "5xic",
+ "6evi",
+ "4u0n",
+ "5cfp",
+ "8e99",
+ "1tnj",
+ "5vwj",
+ "2jqq",
+ "3mrh",
+ "3ldb",
+ "6bcy",
+ "7bdo",
+ "4h81",
+ "7ugp",
+ "1jyu",
+ "5agd",
+ "6fna",
+ "1agn",
+ "5s2s",
+ "6nin",
+ "2c6r",
+ "7o37",
+ "3n7l",
+ "1y01",
+ "2n2h",
+ "2paf",
+ "7fky",
+ "5un9",
+ "6cd2",
+ "4njh",
+ "4mre",
+ "3lxj",
+ "4awk",
+ "1ks8",
+ "2qfu",
+ "2q0l",
+ "3h99",
+ "6xpo",
+ "6s1x",
+ "5zli",
+ "7c33",
+ "3vqu",
+ "1rdz",
+ "4o1v",
+ "1qg9",
+ "5yid",
+ "7qbo",
+ "6ctc",
+ "6ajy",
+ "7l35",
+ "2zlb",
+ "2qpa",
+ "7rhz",
+ "6b89",
+ "4zpr",
+ "3big",
+ "1g97",
+ "8dw2",
+ "1w4f",
+ "5uka",
+ "3fo5",
+ "6s1g",
+ "6cep",
+ "7oj8",
+ "3wod",
+ "6bxd",
+ "5syt",
+ "7l9s",
+ "5e5q",
+ "5jcp",
+ "2g0v",
+ "5mya",
+ "1nu7",
+ "2qfy",
+ "3uoy",
+ "6abr",
+ "3vp4",
+ "6ca0",
+ "1il3",
+ "5ery",
+ "7qu4",
+ "1o08",
+ "7o2a",
+ "4ei7",
+ "2id8",
+ "2jwm",
+ "7f94",
+ "1n0z",
+ "3mw3",
+ "5d88",
+ "1y2w",
+ "6hl0",
+ "2k3w",
+ "5xez",
+ "7kby",
+ "7nc2",
+ "6gfw",
+ "1t5k",
+ "4gmr",
+ "7fd2",
+ "7ahv",
+ "5f1m",
+ "1pgo",
+ "3k1j",
+ "3ppn",
+ "4u5x",
+ "7xwv",
+ "3hyi",
+ "1hjs",
+ "5kvy",
+ "1fnd",
+ "6jkj",
+ "3nsb",
+ "1mvx",
+ "5iwy",
+ "1fmg",
+ "3m91",
+ "5aos",
+ "5efa",
+ "7fbk",
+ "3npw",
+ "6mhx",
+ "7kz0",
+ "6rak",
+ "4za4",
+ "2qfi",
+ "6vii",
+ "1e9b",
+ "6lul",
+ "4bnw",
+ "6aku",
+ "2y09",
+ "2nn7",
+ "5xpl",
+ "7b7b",
+ "2fxd",
+ "2nx1",
+ "3gwu",
+ "8cch",
+ "2zfk",
+ "7oz3",
+ "2ft3",
+ "5qgd",
+ "3rzl",
+ "6mum",
+ "6nag",
+ "3l6n",
+ "6xeb",
+ "3vc8",
+ "5kdq",
+ "4a4x",
+ "7bbb",
+ "4blk",
+ "3kwd",
+ "1kws",
+ "5hns",
+ "6zq7",
+ "6oqz",
+ "6dfa",
+ "1rgg",
+ "2dn2",
+ "5fuw",
+ "1luw",
+ "6gnm",
+ "4ded",
+ "3bq7",
+ "5vqi",
+ "6iy3",
+ "7bke",
+ "3t2z",
+ "4j0v",
+ "2z2i",
+ "3kw9",
+ "5du5",
+ "1g5x",
+ "6qgs",
+ "2f3t",
+ "4djq",
+ "2vfy",
+ "6hkm",
+ "6lye",
+ "4uzc",
+ "5emh",
+ "6w0r",
+ "1lvr",
+ "5ozv",
+ "6o13",
+ "3ftc",
+ "1fd9",
+ "5gnb",
+ "6icz",
+ "4q15",
+ "7v0p",
+ "4yny",
+ "7vev",
+ "6we1",
+ "1dse",
+ "1xre",
+ "6zyn",
+ "1flu",
+ "4uox",
+ "4wht",
+ "4dlr",
+ "7xqi",
+ "5l04",
+ "4b32",
+ "4qqp",
+ "5zqj",
+ "3zc3",
+ "1osx",
+ "4eqy",
+ "1h9g",
+ "3jad",
+ "2b6w",
+ "6t9b",
+ "6kav",
+ "8boh",
+ "2wr5",
+ "6xp3",
+ "3v04",
+ "5fsy",
+ "3vbi",
+ "3kfx",
+ "4wqk",
+ "7qw4",
+ "2rmg",
+ "4ap1",
+ "4ubk",
+ "1ku1",
+ "5ohe",
+ "5a8a",
+ "1c6x",
+ "6qbd",
+ "2yne",
+ "3mp2",
+ "7d6p",
+ "6g2v",
+ "2on6",
+ "5l0y",
+ "5lh6",
+ "5poe",
+ "1nuz",
+ "4fun",
+ "5vb0",
+ "1qfy",
+ "3k9n",
+ "5u5w",
+ "7dn4",
+ "6ygj",
+ "1due",
+ "5nji",
+ "1hnb",
+ "1z7w",
+ "4c2l",
+ "5r2o",
+ "3hw5",
+ "7lkm",
+ "5t9y",
+ "1g9p",
+ "2xjl",
+ "5d7l",
+ "3efy",
+ "6f0s",
+ "2xhe",
+ "5wup",
+ "6gq4",
+ "6xti",
+ "2jp1",
+ "1kzf",
+ "5wwx",
+ "3fhp",
+ "4jpf",
+ "4u90",
+ "6pv5",
+ "4l7n",
+ "2dci",
+ "7k2z",
+ "7k9b",
+ "1mv8",
+ "4axt",
+ "6sot",
+ "1t9q",
+ "6kj2",
+ "1i9h",
+ "2azt",
+ "5du8",
+ "2nsb",
+ "6ep8",
+ "3v5i",
+ "1qq3",
+ "1mau",
+ "5aq8",
+ "5g2s",
+ "2wb8",
+ "1w2o",
+ "4lsc",
+ "7u2z",
+ "2oqd",
+ "2nw8",
+ "3msk",
+ "4wjx",
+ "7a0o",
+ "2lix",
+ "6qk1",
+ "2qu2",
+ "4y4m",
+ "6bo7",
+ "7lu3",
+ "5t47",
+ "1jba",
+ "5nlx",
+ "7vlk",
+ "1aie",
+ "6k8v",
+ "5ofy",
+ "4e93",
+ "2bic",
+ "5mni",
+ "6mk4",
+ "1h41",
+ "7lbi",
+ "2v1u",
+ "1ej8",
+ "1k6j",
+ "4v05",
+ "7a1b",
+ "7yy7",
+ "1kmg",
+ "2lft",
+ "5m6u",
+ "5gsw",
+ "6qhr",
+ "1dz3",
+ "5mr5",
+ "6gfb",
+ "1jaj",
+ "3fnf",
+ "2bhs",
+ "4lj4",
+ "5pjq",
+ "3vi5",
+ "1t4y",
+ "2cy6",
+ "6rvb",
+ "1wa8",
+ "3vma",
+ "1s44",
+ "1jr5",
+ "6z0h",
+ "4wv3",
+ "5mpa",
+ "8d0f",
+ "2jak",
+ "7r8r",
+ "5vg2",
+ "3wx2",
+ "4q1d",
+ "3wzq",
+ "2jdm",
+ "3vij",
+ "5ic4",
+ "1njc",
+ "6ihe",
+ "1mrl",
+ "3r1k",
+ "6ej5",
+ "1phz",
+ "6wqt",
+ "1c84",
+ "1b9h",
+ "5fe5",
+ "6opp",
+ "1ajy",
+ "6zti",
+ "7p9t",
+ "5cor",
+ "5trf",
+ "3r1m",
+ "1fpz",
+ "6r0u",
+ "4qpz",
+ "2yvj",
+ "6mxo",
+ "7t4e",
+ "1hju",
+ "1mc2",
+ "7mpa",
+ "2bf5",
+ "2cwh",
+ "6ahp",
+ "2czq",
+ "4kei",
+ "3pgg",
+ "4op0",
+ "1c7r",
+ "6r66",
+ "4m10",
+ "3krw",
+ "7oqy",
+ "6q1z",
+ "7abi",
+ "2bls",
+ "5xam",
+ "3qfx",
+ "3olu",
+ "6tx4",
+ "1ttq",
+ "6s4h",
+ "5c4k",
+ "7nkf",
+ "1f4p",
+ "1ror",
+ "2wvi",
+ "5ylx",
+ "1ig8",
+ "4i28",
+ "5cbh",
+ "3wfz",
+ "1b5w",
+ "6tda",
+ "3bz8",
+ "1z8j",
+ "1qhk",
+ "5pcr",
+ "1xmf",
+ "5ya1",
+ "4hjj",
+ "4duk",
+ "4ieg",
+ "1bfx",
+ "5nn2",
+ "1iq4",
+ "5acb",
+ "1our",
+ "1he2",
+ "7dd8",
+ "3fsb",
+ "1tk6",
+ "7ewu",
+ "4eyp",
+ "6s2w",
+ "2eb8",
+ "3feh",
+ "1wy5",
+ "1u3o",
+ "2uvi",
+ "3ldm",
+ "2oa9",
+ "8a5z",
+ "5rc9",
+ "8gu4",
+ "3o2e",
+ "2m41",
+ "3w2v",
+ "5e8x",
+ "6we5",
+ "4c98",
+ "5duj",
+ "6cfv",
+ "2jip",
+ "5fjj",
+ "6gfo",
+ "1l4u",
+ "4owm",
+ "5ogb",
+ "3qs6",
+ "6cv8",
+ "5jl9",
+ "5l6k",
+ "5zi3",
+ "6lnl",
+ "16gs",
+ "2wmj",
+ "7s9i",
+ "3g7b",
+ "5auo",
+ "1pl5",
+ "1f7b",
+ "1qmj",
+ "1e9a",
+ "1y1d",
+ "6fck",
+ "3x0v",
+ "1b0n",
+ "1odk",
+ "6fuh",
+ "7yff",
+ "6cla",
+ "6vk6",
+ "7sap",
+ "7vh4",
+ "4fxe",
+ "4ypv",
+ "7kis",
+ "4e5x",
+ "4u9r",
+ "5mp2",
+ "3e3q",
+ "3p1l",
+ "4f6l",
+ "4qkw",
+ "2di2",
+ "7p9a",
+ "1yhn",
+ "3vpa",
+ "1yvl",
+ "6yjg",
+ "6aax",
+ "6f46",
+ "1m9k",
+ "1eph",
+ "6gk4",
+ "5ysx",
+ "5zo2",
+ "3szv",
+ "7mwz",
+ "2h6s",
+ "1ard",
+ "4ais",
+ "4n92",
+ "1ci8",
+ "4l1p",
+ "2qe3",
+ "4e43",
+ "7o71",
+ "3vuh",
+ "3juh",
+ "2bxn",
+ "5nu6",
+ "3ce4",
+ "4mwo",
+ "1ht5",
+ "4p5x",
+ "3prz",
+ "1cgy",
+ "5mcq",
+ "7t9x",
+ "1i7h",
+ "3ztd",
+ "2a1h",
+ "4nz2",
+ "1aeh",
+ "3ngi",
+ "5bpu",
+ "6ixp",
+ "2y6q",
+ "7uvb",
+ "6p0u",
+ "4yh5",
+ "6m3v",
+ "4y94",
+ "5hi5",
+ "6h8e",
+ "4h0g",
+ "5my9",
+ "3v96",
+ "1rgy",
+ "7dvh",
+ "5okn",
+ "7qlv",
+ "2r3u",
+ "7qg0",
+ "4kby",
+ "7v6i",
+ "6j26",
+ "5ahm",
+ "2qui",
+ "7m1j",
+ "3ag0",
+ "3of6",
+ "3kei",
+ "7lzd",
+ "3cfi",
+ "5k64",
+ "4arr",
+ "5y0j",
+ "2mrf",
+ "2wpf",
+ "1a0b",
+ "6ya5",
+ "5exk",
+ "5fay",
+ "1loj",
+ "5yhf",
+ "5fx2",
+ "6obh",
+ "5r1y",
+ "1hv7",
+ "2hqu",
+ "4rt6",
+ "7y01",
+ "3o34",
+ "5c9l",
+ "4lal",
+ "4djh",
+ "6jo7",
+ "1fr5",
+ "5yio",
+ "3rrv",
+ "4xbw",
+ "4bi6",
+ "4jtv",
+ "6ayu",
+ "7bxf",
+ "6c36",
+ "5yuz",
+ "6sxc",
+ "8eco",
+ "4rzl",
+ "5vgp",
+ "5eok",
+ "1sgi",
+ "6hz3",
+ "2iu8",
+ "4kb5",
+ "3idp",
+ "2ztm",
+ "1hrr",
+ "5pum",
+ "4x2m",
+ "5duh",
+ "7k2j",
+ "5hi2",
+ "7vh0",
+ "2n3g",
+ "7qxk",
+ "1gij",
+ "7p5b",
+ "3l8x",
+ "2wxx",
+ "6f8z",
+ "7uj4",
+ "1ulc",
+ "6k4v",
+ "2vj7",
+ "2vlf",
+ "6ood",
+ "6d19",
+ "1hcp",
+ "7dtj",
+ "4yaj",
+ "6j5y",
+ "4r32",
+ "5om7",
+ "1xoy",
+ "3ixg",
+ "1jjj",
+ "6k6m",
+ "4p6c",
+ "7dcb",
+ "3tjg",
+ "6p2b",
+ "2psx",
+ "2mlk",
+ "4bul",
+ "1qvi",
+ "5j9b",
+ "8gn9",
+ "7bab",
+ "5yms",
+ "2z8u",
+ "6ddu",
+ "6ifv",
+ "7e6n",
+ "6k4i",
+ "1aml",
+ "8fjo",
+ "4uwq",
+ "4kwp",
+ "7yar",
+ "6f5i",
+ "6cku",
+ "2ffb",
+ "3c4z",
+ "4xbx",
+ "5w2a",
+ "5jo1",
+ "3l25",
+ "7lad",
+ "5lul",
+ "2ip1",
+ "6vv6",
+ "7ng6",
+ "4ysr",
+ "3n8k",
+ "2vka",
+ "4ytg",
+ "5u2c",
+ "2ie8",
+ "1cc6",
+ "2v79",
+ "2mwq",
+ "7moj",
+ "1vgl",
+ "1tyl",
+ "3spr",
+ "5g6a",
+ "7sgx",
+ "7aq1",
+ "5tm8",
+ "3sfy",
+ "6kin",
+ "6jw7",
+ "3o0v",
+ "5hog",
+ "3ryw",
+ "7tku",
+ "1xs0",
+ "2h90",
+ "1kqb",
+ "4pr5",
+ "5p6y",
+ "6j19",
+ "1jmj",
+ "3uoh",
+ "6u8m",
+ "5ebw",
+ "2xaq",
+ "8e4r",
+ "1jah",
+ "7dmc",
+ "2n0a",
+ "2v6l",
+ "6lq9",
+ "3o1b",
+ "5gai",
+ "5ewx",
+ "6qq0",
+ "5k5x",
+ "7yat",
+ "2vyu",
+ "5rmg",
+ "6jvv",
+ "2b7x",
+ "7ksq",
+ "4kn7",
+ "7aig",
+ "6qrq",
+ "6i52",
+ "4o3u",
+ "4s3o",
+ "7ykd",
+ "1c2n",
+ "7q1l",
+ "8avp",
+ "5f7v",
+ "4zve",
+ "6kye",
+ "1vc4",
+ "1j7c",
+ "1na3",
+ "2vw5",
+ "1rr7",
+ "7ujb",
+ "7bfl",
+ "6i2v",
+ "5egc",
+ "6ut0",
+ "6cxv",
+ "1zru",
+ "7por",
+ "1lst",
+ "6g2a",
+ "6s7v",
+ "2v0d",
+ "6v05",
+ "7eir",
+ "3g9i",
+ "1sdt",
+ "3ais",
+ "8dqo",
+ "6a16",
+ "1eo5",
+ "6yi2",
+ "1jcu",
+ "1qog",
+ "7rwz",
+ "1z06",
+ "5xt5",
+ "5pww",
+ "1tvc",
+ "2g10",
+ "1rw4",
+ "2xjb",
+ "8tli",
+ "3ftw",
+ "5yy2",
+ "4nmq",
+ "1hxm",
+ "4hd4",
+ "6xih",
+ "6znl",
+ "1xf4",
+ "1kam",
+ "2whe",
+ "7rnd",
+ "6dfh",
+ "8ddg",
+ "4b65",
+ "6vw2",
+ "1oc3",
+ "1i2o",
+ "4rpj",
+ "5tlt",
+ "6fn8",
+ "1uyp",
+ "3w0d",
+ "3pki",
+ "6m91",
+ "6xz2",
+ "5ah3",
+ "5w08",
+ "3ugp",
+ "3qbz",
+ "5wwf",
+ "1of8",
+ "6clg",
+ "3dbe",
+ "5m2g",
+ "3lu8",
+ "6v18",
+ "6fkv",
+ "5feq",
+ "2fzw",
+ "7ljw",
+ "3a2c",
+ "1o23",
+ "1yso",
+ "1r2s",
+ "6vvx",
+ "3jqx",
+ "4x6o",
+ "5fzy",
+ "8dsy",
+ "4r6s",
+ "7ncp",
+ "4hjt",
+ "1ft1",
+ "4l6g",
+ "6f0h",
+ "6yu8",
+ "1e0x",
+ "6ag0",
+ "5pmm",
+ "4on3",
+ "6e4a",
+ "3d8s",
+ "6r4n",
+ "1lgf",
+ "4ppb",
+ "4y5d",
+ "7bq4",
+ "5o2d",
+ "1ea4",
+ "6rrc",
+ "5p4i",
+ "1hbv",
+ "1awo",
+ "6b8l",
+ "5uv0",
+ "4mhp",
+ "1t01",
+ "5ap5",
+ "3hkd",
+ "7l1k",
+ "1yxt",
+ "7opx",
+ "3e5i",
+ "2l42",
+ "6vh1",
+ "7ps2",
+ "4dau",
+ "1fdq",
+ "3rk4",
+ "3u4x",
+ "7bqf",
+ "2qw9",
+ "1z0c",
+ "6opj",
+ "4eiv",
+ "3inj",
+ "4df4",
+ "4xm7",
+ "3bx4",
+ "4ud8",
+ "5n95",
+ "4xof",
+ "5ekb",
+ "4q4j",
+ "5jyn",
+ "4md4",
+ "4p9u",
+ "7lzt",
+ "2p56",
+ "1afo",
+ "2ru1",
+ "6j7h",
+ "1uw4",
+ "5ak6",
+ "3rer",
+ "6q6y",
+ "2nz3",
+ "7a22",
+ "7bh7",
+ "4dxr",
+ "6t93",
+ "6mhm",
+ "4wft",
+ "2jbp",
+ "6b2z",
+ "2jfo",
+ "2b6x",
+ "7kgt",
+ "4i54",
+ "7x9i",
+ "4zgm",
+ "4n7e",
+ "3pba",
+ "7q1e",
+ "7mzo",
+ "5qf7",
+ "7eke",
+ "3um2",
+ "4ovg",
+ "1jht",
+ "1fsz",
+ "7ubt",
+ "5zcx",
+ "5bto",
+ "7sff",
+ "4ad3",
+ "3nnc",
+ "8des",
+ "5brh",
+ "8c0r",
+ "5lnk",
+ "5ghl",
+ "3hxd",
+ "4fsc",
+ "6tj8",
+ "2yfe",
+ "3sir",
+ "196l",
+ "4drp",
+ "1qcp",
+ "3u4o",
+ "2ak4",
+ "2c3l",
+ "2f3b",
+ "6xqn",
+ "3lwb",
+ "4hfe",
+ "2vms",
+ "1yqo",
+ "5o6a",
+ "7neb",
+ "6j2m",
+ "2v5u",
+ "1qj0",
+ "4z36",
+ "4zqd",
+ "3c4p",
+ "7cpk",
+ "1s9v",
+ "3o1n",
+ "4jnb",
+ "1smx",
+ "5xza",
+ "4pte",
+ "1kip",
+ "7xs8",
+ "1eny",
+ "6bwo",
+ "5mt3",
+ "2uy4",
+ "7ay8",
+ "5laq",
+ "4e03",
+ "5f3b",
+ "7wkz",
+ "1ds1",
+ "1ojq",
+ "5l9x",
+ "2ldf",
+ "6fyo",
+ "5st5",
+ "4m63",
+ "3ii2",
+ "4rda",
+ "6hhr",
+ "2hym",
+ "7ewr",
+ "5izs",
+ "1owj",
+ "6g3d",
+ "6zyr",
+ "2bfd",
+ "5vbn",
+ "1fra",
+ "3h6i",
+ "3b1z",
+ "1vb4",
+ "3lqf",
+ "6pre",
+ "6vw1",
+ "7n3b",
+ "7qxj",
+ "5aoa",
+ "6jt4",
+ "4luc",
+ "2zs0",
+ "6gak",
+ "4m5x",
+ "5h5z",
+ "1ezg",
+ "6whn",
+ "5b2j",
+ "1t8u",
+ "4ect",
+ "5m09",
+ "6qi6",
+ "5s3v",
+ "3bsb",
+ "5p9l",
+ "5k41",
+ "5nu3",
+ "5bpf",
+ "3bgw",
+ "3whn",
+ "1nie",
+ "1j7d",
+ "5i83",
+ "5p6z",
+ "7nrh",
+ "5npv",
+ "2wjs",
+ "5sy3",
+ "5dqc",
+ "2ilx",
+ "6ilq",
+ "7kaw",
+ "3tfh",
+ "7uwr",
+ "6tzk",
+ "3vm6",
+ "4yxi",
+ "4np3",
+ "5y5f",
+ "2gj6",
+ "3rt4",
+ "6d0h",
+ "3aki",
+ "5rdd",
+ "5ief",
+ "1jjv",
+ "4oo1",
+ "5e6w",
+ "1u8n",
+ "4ytx",
+ "4znk",
+ "6xqa",
+ "1lsu",
+ "4wtb",
+ "6gu4",
+ "1ckx",
+ "2xi4",
+ "3f59",
+ "5c0u",
+ "3ump",
+ "6rmc",
+ "5hdz",
+ "4bpw",
+ "7eln",
+ "4kvm",
+ "3tyj",
+ "3ro0",
+ "5l8g",
+ "6c6x",
+ "6d8v",
+ "6cxh",
+ "5xys",
+ "4p0k",
+ "1bys",
+ "4awf",
+ "5yer",
+ "1qnd",
+ "6vqu",
+ "2gdj",
+ "1qsd",
+ "5p7y",
+ "3uen",
+ "8fqx",
+ "4iyt",
+ "5sy7",
+ "1lia",
+ "3nv4",
+ "4lng",
+ "4iw8",
+ "5suq",
+ "1rb3",
+ "2c2q",
+ "5a21",
+ "4bml",
+ "6gwi",
+ "6u9w",
+ "6ufn",
+ "7zlj",
+ "2o9d",
+ "1bw4",
+ "4xbq",
+ "2ynt",
+ "1kcc",
+ "2y4m",
+ "7zmi",
+ "6ley",
+ "8ez1",
+ "3krg",
+ "2zj7",
+ "4z7v",
+ "5olj",
+ "3uj7",
+ "4ixu",
+ "1ff7",
+ "5tss",
+ "3ts7",
+ "2yh5",
+ "6ie1",
+ "3vam",
+ "2oqi",
+ "3gfe",
+ "5z99",
+ "3zgh",
+ "3hx4",
+ "6ph9",
+ "1axg",
+ "2jju",
+ "5ei4",
+ "7ce2",
+ "1q39",
+ "1i8y",
+ "1n4g",
+ "7qc9",
+ "4rg4",
+ "3jrq",
+ "6jzu",
+ "4bz8",
+ "2bha",
+ "4ozq",
+ "6pov",
+ "5y39",
+ "3psk",
+ "6knv",
+ "6lor",
+ "7nuj",
+ "5p8e",
+ "4wvg",
+ "6z5j",
+ "1sk8",
+ "6fcg",
+ "6avd",
+ "4tny",
+ "4cw7",
+ "1h5a",
+ "3s1b",
+ "1xzq",
+ "7vju",
+ "4qu9",
+ "8fed",
+ "4jfk",
+ "6tis",
+ "7yyv",
+ "1izn",
+ "4prg",
+ "5a0b",
+ "4ziz",
+ "6cjl",
+ "7rka",
+ "2buq",
+ "5c6e",
+ "3u6e",
+ "3epl",
+ "5d5f",
+ "2ald",
+ "1ys7",
+ "5th1",
+ "3u57",
+ "5ai6",
+ "1mox",
+ "2gf5",
+ "2zib",
+ "6s1z",
+ "3ft0",
+ "6vuc",
+ "5xeb",
+ "4aij",
+ "4kjs",
+ "6g5q",
+ "3g40",
+ "3kf7",
+ "6dzv",
+ "4cdj",
+ "7fm7",
+ "3uux",
+ "3srp",
+ "8fbj",
+ "3ez7",
+ "4u0j",
+ "3whs",
+ "4day",
+ "6kxr",
+ "6snp",
+ "5ik6",
+ "3sui",
+ "5xko",
+ "3src",
+ "6tm6",
+ "3oxh",
+ "7fly",
+ "6vrz",
+ "3ifw",
+ "6myq",
+ "5rfv",
+ "5ai2",
+ "2c9t",
+ "6eg0",
+ "7th3",
+ "2ylx",
+ "1kre",
+ "5pms",
+ "3zft",
+ "6ve3",
+ "1olg",
+ "1ii6",
+ "4reh",
+ "4j8f",
+ "1lvk",
+ "6pt0",
+ "2mge",
+ "4qu8",
+ "4rm5",
+ "4arj",
+ "1hra",
+ "4idh",
+ "3x1d",
+ "6jfi",
+ "7dt3",
+ "4cuz",
+ "1fpw",
+ "3jt6",
+ "3g20",
+ "7yoz",
+ "1hta",
+ "4yee",
+ "1cg4",
+ "4cwd",
+ "3wms",
+ "5we9",
+ "5s2q",
+ "3wkw",
+ "5e79",
+ "5awh",
+ "2b7l",
+ "4ijx",
+ "5fd9",
+ "4bmk",
+ "1lkk",
+ "3kh7",
+ "1fuo",
+ "2l8j",
+ "5zyv",
+ "8bab",
+ "5p40",
+ "7fgu",
+ "7f0f",
+ "5gji",
+ "6wyg",
+ "5tzw",
+ "1p2n",
+ "6hks",
+ "1cf5",
+ "5vqx",
+ "6v59",
+ "4ugx",
+ "7sk9",
+ "6jmx",
+ "6g11",
+ "3r20",
+ "7nfu",
+ "5coa",
+ "4wx6",
+ "3n13",
+ "6jaz",
+ "1f5w",
+ "4f5e",
+ "6vec",
+ "1c21",
+ "3a7a",
+ "4ppq",
+ "5yod",
+ "6sp2",
+ "1bol",
+ "4uqx",
+ "4qq6",
+ "4kp4",
+ "6i19",
+ "5lh4",
+ "2mf1",
+ "6gxr",
+ "7pqe",
+ "4ngf",
+ "3qtr",
+ "1pxb",
+ "4dfk",
+ "2j97",
+ "3sdn",
+ "6hku",
+ "6rq1",
+ "2fjz",
+ "7yy8",
+ "221p",
+ "4oma",
+ "6dkw",
+ "3cfm",
+ "3gf4",
+ "2qok",
+ "6xrc",
+ "6whb",
+ "7u58",
+ "6wtt",
+ "1o3l",
+ "6m2d",
+ "6kyk",
+ "7shw",
+ "3roc",
+ "5ir5",
+ "6q44",
+ "2ygt",
+ "6ain",
+ "5y4u",
+ "6nj8",
+ "6p2m",
+ "2gw2",
+ "5dit",
+ "2xrg",
+ "6oxx",
+ "3fzs",
+ "1qsh",
+ "5uuy",
+ "3o8o",
+ "1bcw",
+ "8d89",
+ "6nyn",
+ "5zkq",
+ "3cem",
+ "1z6h",
+ "6kkh",
+ "5j8r",
+ "4deh",
+ "7rnz",
+ "6kb9",
+ "5gju",
+ "6vu0",
+ "1r2i",
+ "5d5z",
+ "1m7h",
+ "4ibx",
+ "6pbn",
+ "4ps1",
+ "6xj1",
+ "5tvr",
+ "2c63",
+ "6ukj",
+ "6xsk",
+ "5xgo",
+ "3woh",
+ "6hn0",
+ "7auq",
+ "4hih",
+ "3vca",
+ "7t45",
+ "1tx8",
+ "2va8",
+ "8cjz",
+ "7fe5",
+ "1jia",
+ "2wvq",
+ "6m6x",
+ "7bth",
+ "4qzc",
+ "5gtt",
+ "5jxt",
+ "5oh6",
+ "6fe5",
+ "2laj",
+ "4o44",
+ "2ygm",
+ "4dbb",
+ "3fpr",
+ "1x3m",
+ "1uxh",
+ "4ty1",
+ "6bde",
+ "153l",
+ "4jsf",
+ "5j0a",
+ "5f3k",
+ "2q6z",
+ "5j1p",
+ "2rgm",
+ "6vlp",
+ "4ejj",
+ "3vnn",
+ "5lnc",
+ "7frf",
+ "3gsi",
+ "1kfc",
+ "5tug",
+ "1kdq",
+ "3ko5",
+ "3v4f",
+ "1pyc",
+ "6r51",
+ "2o3r",
+ "8cx9",
+ "2dvy",
+ "5dkx",
+ "4k1e",
+ "8id4",
+ "1i73",
+ "1de0",
+ "4h7i",
+ "7r6h",
+ "1scs",
+ "3ipx",
+ "4l5m",
+ "6bfo",
+ "4zhp",
+ "6lvl",
+ "5jg9",
+ "6tqr",
+ "1bfk",
+ "5hjq",
+ "2xqi",
+ "7x25",
+ "2jow",
+ "4ok1",
+ "7ee4",
+ "3sci",
+ "5em6",
+ "4txn",
+ "7prb",
+ "2i39",
+ "4iby",
+ "2jc0",
+ "6xvn",
+ "3un9",
+ "3r44",
+ "4chw",
+ "4tuo",
+ "2q9q",
+ "3cz1",
+ "4zhh",
+ "7z7f",
+ "6v3r",
+ "6i17",
+ "1v8k",
+ "6dup",
+ "1s7l",
+ "6pxz",
+ "1dmm",
+ "5uph",
+ "5vh5",
+ "5pxy",
+ "7w4y",
+ "6jua",
+ "2k11",
+ "4yzg",
+ "8epx",
+ "2oh8",
+ "1ufi",
+ "3zze",
+ "4bz7",
+ "4cy4",
+ "6lhm",
+ "4n1f",
+ "7eor",
+ "3wk0",
+ "3a0n",
+ "3fh6",
+ "4xz6",
+ "2o74",
+ "3oot",
+ "7w2i",
+ "1bbi",
+ "2bpb",
+ "2ey4",
+ "7au9",
+ "2ihs",
+ "6u30",
+ "3csj",
+ "5g6d",
+ "4jth",
+ "7sqn",
+ "3qk5",
+ "6kyt",
+ "2of0",
+ "6s9v",
+ "3vzf",
+ "4og3",
+ "1ru4",
+ "8fs2",
+ "5lcl",
+ "1kbf",
+ "5noy",
+ "4kw5",
+ "2mro",
+ "7ri9",
+ "5mgf",
+ "3bwi",
+ "1ade",
+ "5e8p",
+ "4x69",
+ "1rz5",
+ "4uo2",
+ "3a6s",
+ "5nfm",
+ "3lrj",
+ "1o0q",
+ "5jww",
+ "5nb4",
+ "6g7j",
+ "2ii5",
+ "3oyq",
+ "2cnn",
+ "6rux",
+ "5loo",
+ "6sd5",
+ "1ie3",
+ "4n4p",
+ "7zcs",
+ "1svt",
+ "3qob",
+ "3whi",
+ "4k3a",
+ "2h7r",
+ "1ezx",
+ "5ely",
+ "5ruu",
+ "6oc1",
+ "2fxs",
+ "2ox1",
+ "1gex",
+ "1zdb",
+ "2bax",
+ "4acd",
+ "6fnw",
+ "5r20",
+ "4n24",
+ "1w5q",
+ "1bp0",
+ "7xdb",
+ "6fbe",
+ "1s2p",
+ "8ass",
+ "1abs",
+ "1z6d",
+ "3wqq",
+ "4ep4",
+ "1bso",
+ "8fjz",
+ "4q0e",
+ "5opa",
+ "8d05",
+ "6aj0",
+ "4ufh",
+ "2oo1",
+ "7xiv",
+ "6rjq",
+ "3vkm",
+ "6v0b",
+ "6mav",
+ "1snd",
+ "5xip",
+ "7jri",
+ "1ooa",
+ "3rmw",
+ "2g38",
+ "2zfl",
+ "6tyg",
+ "6m8y",
+ "6lv5",
+ "7xxj",
+ "6vhi",
+ "8exc",
+ "5j2d",
+ "3ib7",
+ "4i1k",
+ "2xgw",
+ "5a98",
+ "2iz3",
+ "7s01",
+ "1ad4",
+ "6uy3",
+ "2mch",
+ "5c0k",
+ "1g2r",
+ "2drn",
+ "4gqx",
+ "6dkz",
+ "6tpv",
+ "6asn",
+ "2mxn",
+ "5kcp",
+ "1w3g",
+ "5nyw",
+ "5nhe",
+ "2iwv",
+ "3sdi",
+ "6nf6",
+ "5cqz",
+ "3r4y",
+ "6le5",
+ "1f4v",
+ "3bti",
+ "5mtp",
+ "3m3l",
+ "5dwz",
+ "6tot",
+ "5lk2",
+ "1cbq",
+ "4h1v",
+ "2jvv",
+ "6uir",
+ "6ugf",
+ "6j95",
+ "8gvb",
+ "3l6g",
+ "7b39",
+ "6oma",
+ "7f8l",
+ "2vay",
+ "3q3e",
+ "3e6t",
+ "5gpy",
+ "2ok1",
+ "7dfc",
+ "2p87",
+ "7rn7",
+ "3opl",
+ "2rh2",
+ "2h1v",
+ "6lel",
+ "3slt",
+ "3mvm",
+ "5ghx",
+ "2lct",
+ "7w7s",
+ "2a5e",
+ "5oqu",
+ "3eyi",
+ "4cp3",
+ "6vy4",
+ "2n63",
+ "1pt4",
+ "5uzl",
+ "7ao0",
+ "3fo1",
+ "1efy",
+ "1t5g",
+ "3ap1",
+ "2w6e",
+ "5htv",
+ "8dfh",
+ "6t5s",
+ "1ix5",
+ "3ub5",
+ "5tw4",
+ "7a3p",
+ "3qq8",
+ "2kzq",
+ "1ma2",
+ "4pw7",
+ "3b7z",
+ "6tds",
+ "4alq",
+ "1ltl",
+ "5rea",
+ "4uz3",
+ "3pnq",
+ "6k27",
+ "4r2r",
+ "5eta",
+ "2rmz",
+ "4xbv",
+ "3tll",
+ "5y4d",
+ "6gcv",
+ "1duk",
+ "6mgi",
+ "1yrx",
+ "1bl4",
+ "5uj2",
+ "5d3v",
+ "2r9k",
+ "1x28",
+ "5h43",
+ "7n3r",
+ "4le6",
+ "6uw8",
+ "5aps",
+ "2ces",
+ "4ux3",
+ "5v68",
+ "2jd8",
+ "5h5c",
+ "4oal",
+ "4x4l",
+ "5pz7",
+ "5esj",
+ "6wi3",
+ "4zsp",
+ "6qnd",
+ "2iyx",
+ "2pz0",
+ "2fpf",
+ "3bh8",
+ "4ksy",
+ "5exs",
+ "4jh1",
+ "5pdz",
+ "6kkm",
+ "6z1r",
+ "6e94",
+ "6x2m",
+ "1ywa",
+ "4unh",
+ "5vjk",
+ "5eq9",
+ "5ndz",
+ "7lty",
+ "2bd3",
+ "2wzf",
+ "5xdg",
+ "5zxb",
+ "5tgz",
+ "5qzl",
+ "6j6j",
+ "6d3q",
+ "4l60",
+ "3tsj",
+ "8dsl",
+ "6c7x",
+ "6i7h",
+ "5hkl",
+ "2i0d",
+ "1la0",
+ "1ymv",
+ "3nlp",
+ "5mw5",
+ "3a6f",
+ "1zl6",
+ "1tad",
+ "2bt6",
+ "3bdx",
+ "2c7y",
+ "7jzt",
+ "2le0",
+ "2gro",
+ "4yug",
+ "7n9l",
+ "1g73",
+ "1drf",
+ "2qlp",
+ "1u3z",
+ "1fzb",
+ "2r33",
+ "7t0j",
+ "5k5o",
+ "5vsn",
+ "3pco",
+ "3ed1",
+ "4a2d",
+ "7xa9",
+ "1cem",
+ "2nqz",
+ "4n9q",
+ "6svg",
+ "4oos",
+ "6u18",
+ "5w35",
+ "1gao",
+ "3pd4",
+ "2xjp",
+ "8aht",
+ "5zib",
+ "4uqs",
+ "2lv3",
+ "2ixr",
+ "5e3q",
+ "4g6h",
+ "5x9s",
+ "5n7c",
+ "3f21",
+ "3su6",
+ "6tbd",
+ "3f6q",
+ "2bep",
+ "4a8y",
+ "7jn9",
+ "4r1i",
+ "2mrm",
+ "3suw",
+ "3gs6",
+ "5vvu",
+ "3ddn",
+ "1qo4",
+ "5xun",
+ "1js0",
+ "4j6p",
+ "5kb1",
+ "7o35",
+ "7z4r",
+ "3ony",
+ "6c8z",
+ "8dr2",
+ "1q5k",
+ "2ium",
+ "2r0f",
+ "4uxv",
+ "7cqx",
+ "4w5t",
+ "2e8a",
+ "4id5",
+ "2xlt",
+ "5vcx",
+ "4ejs",
+ "5eu4",
+ "4a6e",
+ "5mgj",
+ "1dvo",
+ "2c50",
+ "3s54",
+ "4lgj",
+ "3ja9",
+ "3p66",
+ "7t4x",
+ "1hm6",
+ "5ru4",
+ "3c2e",
+ "6wu7",
+ "5oiq",
+ "5c0z",
+ "5e9x",
+ "1wpq",
+ "2mxy",
+ "7ylu",
+ "2q1l",
+ "5g44",
+ "4mey",
+ "4z7h",
+ "7bc6",
+ "5yj0",
+ "6rkf",
+ "1jl7",
+ "2bhd",
+ "4ew1",
+ "3utw",
+ "2y4w",
+ "4f0n",
+ "6sul",
+ "4o12",
+ "3n5y",
+ "4to9",
+ "2zw6",
+ "1acc",
+ "4eeu",
+ "4auu",
+ "7m2g",
+ "3f4t",
+ "4ojf",
+ "4wyy",
+ "3i0l",
+ "5l8h",
+ "8f2l",
+ "5o6i",
+ "1tfy",
+ "6j7c",
+ "4j33",
+ "3lx4",
+ "4jpo",
+ "6t3v",
+ "5wd9",
+ "1oia",
+ "3kc6",
+ "1ik3",
+ "7mpy",
+ "6mh9",
+ "2ps7",
+ "5nq8",
+ "4xje",
+ "2wy7",
+ "7ew9",
+ "4ai5",
+ "5ilr",
+ "6ejc",
+ "7zyr",
+ "7bnr",
+ "1j0b",
+ "2brp",
+ "4xco",
+ "6we8",
+ "3pxj",
+ "4yw6",
+ "4cpe",
+ "2ccp",
+ "6z34",
+ "7ads",
+ "3iow",
+ "4xgc",
+ "7wr4",
+ "3tzw",
+ "3krc",
+ "4kjj",
+ "2m13",
+ "6xp9",
+ "2spc",
+ "4jqn",
+ "6ymd",
+ "1nu9",
+ "1oq4",
+ "2lav",
+ "5a6l",
+ "6iv0",
+ "2yvg",
+ "3u30",
+ "1evj",
+ "2d49",
+ "1glo",
+ "7ofm",
+ "7c7p",
+ "4dao",
+ "2yhe",
+ "2mb7",
+ "1l0f",
+ "2lor",
+ "7fha",
+ "4k1n",
+ "3jr9",
+ "1utd",
+ "6b3q",
+ "2pp0",
+ "1os6",
+ "4zx9",
+ "6q2z",
+ "1r1r",
+ "1put",
+ "1mqa",
+ "2co3",
+ "5vzu",
+ "2jdn",
+ "2mw2",
+ "7v0v",
+ "2e8u",
+ "3ww3",
+ "1eq4",
+ "6rii",
+ "2v77",
+ "4bkz",
+ "2wxm",
+ "2kmz",
+ "4mnq",
+ "7dgo",
+ "6iyl",
+ "1xlc",
+ "1h7a",
+ "3ssc",
+ "4mds",
+ "3sfk",
+ "2lmq",
+ "1h0g",
+ "6k40",
+ "2xbq",
+ "5i6k",
+ "2ov4",
+ "4j7p",
+ "2dsv",
+ "5l0j",
+ "5a3i",
+ "5oq1",
+ "4rqf",
+ "2nz7",
+ "2zys",
+ "2wpe",
+ "7ltw",
+ "3foq",
+ "7vcr",
+ "3ozf",
+ "6zeq",
+ "3wbz",
+ "6ivz",
+ "4fxb",
+ "6q5v",
+ "3qib",
+ "1k0i",
+ "7fip",
+ "5zml",
+ "4bva",
+ "1pbd",
+ "4joa",
+ "6jds",
+ "5nub",
+ "6v6p",
+ "7zxk",
+ "1lo7",
+ "6vav",
+ "6ksp",
+ "4giz",
+ "5s5p",
+ "2fel",
+ "4dn8",
+ "1l63",
+ "2x6d",
+ "6oze",
+ "6lwd",
+ "4qa3",
+ "6qba",
+ "7okb",
+ "5k09",
+ "2mj8",
+ "2kqe",
+ "5or8",
+ "7mrk",
+ "2j17",
+ "4pie",
+ "6wzv",
+ "1vfv",
+ "4qt1",
+ "7qi8",
+ "2ixn",
+ "3lk8",
+ "6v7i",
+ "2fy8",
+ "2z94",
+ "4ldz",
+ "4u0g",
+ "2m0u",
+ "4xfx",
+ "3noo",
+ "6mw5",
+ "2d2n",
+ "5kkz",
+ "5f7d",
+ "1i8u",
+ "4uyd",
+ "5rtm",
+ "3st9",
+ "1oaj",
+ "6rka",
+ "1zi9",
+ "6p63",
+ "5jw6",
+ "7egq",
+ "6wnb",
+ "2ra6",
+ "4wv7",
+ "4f0u",
+ "1e0j",
+ "1u8q",
+ "6c68",
+ "7q1c",
+ "6xsr",
+ "3wwt",
+ "6dgc",
+ "6mvn",
+ "4ca7",
+ "3hor",
+ "2kek",
+ "2bpd",
+ "5ncq",
+ "7frl",
+ "1c7v",
+ "1doc",
+ "5k5q",
+ "6wna",
+ "2xr1",
+ "6qcz",
+ "6smt",
+ "6z89",
+ "6t79",
+ "6j1v",
+ "5ph7",
+ "6as8",
+ "5zcz",
+ "2d0d",
+ "4hzf",
+ "5pkl",
+ "8e10",
+ "1b7s",
+ "1rbs",
+ "4zki",
+ "4j46",
+ "2a5a",
+ "2piu",
+ "5ldi",
+ "3sl4",
+ "7b0v",
+ "4xh9",
+ "6re6",
+ "1sat",
+ "3eld",
+ "1myj",
+ "4r3i",
+ "4rdq",
+ "5hss",
+ "3q1m",
+ "8a6e",
+ "3dn0",
+ "6gdy",
+ "3e43",
+ "1irc",
+ "2zb6",
+ "6cyw",
+ "4n9i",
+ "6w87",
+ "3x32",
+ "8ddj",
+ "2ayz",
+ "7dkd",
+ "5xdk",
+ "5owg",
+ "5obj",
+ "6ipj",
+ "1dst",
+ "3f64",
+ "6qki",
+ "3ijp",
+ "4be4",
+ "3szb",
+ "1tyu",
+ "7k3g",
+ "4dbg",
+ "6fkq",
+ "3irx",
+ "6y31",
+ "2uzy",
+ "2kli",
+ "5bqg",
+ "1nib",
+ "2xvl",
+ "2n5z",
+ "5o36",
+ "3e2u",
+ "4thi",
+ "5vr8",
+ "2v25",
+ "1yux",
+ "5obc",
+ "5azg",
+ "2nv2",
+ "5c6d",
+ "2efh",
+ "3b6w",
+ "3efi",
+ "4j8b",
+ "1n1i",
+ "3ts3",
+ "3uw2",
+ "2r0m",
+ "6lcf",
+ "3rwo",
+ "7m55",
+ "6r1a",
+ "2vvo",
+ "3ie3",
+ "7klk",
+ "6pw0",
+ "3g8o",
+ "2pzi",
+ "3fu6",
+ "1uhn",
+ "5o6k",
+ "5ent",
+ "4ll4",
+ "5l7d",
+ "1kng",
+ "5pup",
+ "5pyp",
+ "6nhg",
+ "4n8l",
+ "4lzp",
+ "2lmr",
+ "6i40",
+ "5wqs",
+ "2x6m",
+ "6afh",
+ "1gkc",
+ "2rjc",
+ "7ee6",
+ "1pyw",
+ "5ivc",
+ "4fg4",
+ "4v0n",
+ "5xbx",
+ "5o7b",
+ "5uk3",
+ "3qpn",
+ "1vzv",
+ "6gcl",
+ "6fbh",
+ "4j9o",
+ "8cu0",
+ "3qhm",
+ "2zt4",
+ "7zxg",
+ "6q6j",
+ "1e9g",
+ "7z6m",
+ "7f74",
+ "7ch0",
+ "3g3f",
+ "6pz1",
+ "1lkt",
+ "6k8h",
+ "5yz7",
+ "3dnn",
+ "4j4o",
+ "5xuo",
+ "3ak8",
+ "1q8k",
+ "4d6g",
+ "7a5v",
+ "7kbr",
+ "5jys",
+ "4nmr",
+ "4xt5",
+ "4zx0",
+ "6g5e",
+ "2lpr",
+ "6crj",
+ "2klx",
+ "5lj6",
+ "1ln0",
+ "1zro",
+ "2oyt",
+ "7bp2",
+ "1rew",
+ "1hkm",
+ "1ymw",
+ "3u14",
+ "7az6",
+ "2p2f",
+ "4xpu",
+ "2j32",
+ "4b8y",
+ "7lig",
+ "4ucd",
+ "7yzr",
+ "1lv7",
+ "3nri",
+ "7fdw",
+ "3nnn",
+ "2hcm",
+ "4i4w",
+ "7m3z",
+ "5hhm",
+ "6fj5",
+ "3k7p",
+ "6bc5",
+ "1r81",
+ "2xeh",
+ "8avc",
+ "3fd4",
+ "7l8e",
+ "7psz",
+ "1aka",
+ "7lft",
+ "3ncf",
+ "3hrn",
+ "4hij",
+ "7a43",
+ "7qbu",
+ "5z2s",
+ "5wir",
+ "6e6p",
+ "6hs0",
+ "3b6x",
+ "5sqg",
+ "3o0m",
+ "1tce",
+ "6pm0",
+ "2qhm",
+ "4b3w",
+ "2r2m",
+ "5k97",
+ "3tco",
+ "7dhs",
+ "1hys",
+ "2pj2",
+ "1izd",
+ "6i1q",
+ "4g3d",
+ "5eif",
+ "5gjf",
+ "7w0e",
+ "4kru",
+ "1yi9",
+ "7o85",
+ "5wl1",
+ "1dbi",
+ "1cpm",
+ "4qzu",
+ "3sjd",
+ "6uk4",
+ "5vzc",
+ "7fk4",
+ "1p0q",
+ "6i2m",
+ "4dt0",
+ "7kcn",
+ "3mh5",
+ "1su4",
+ "4nuv",
+ "4ncf",
+ "7uff",
+ "7ual",
+ "1a78",
+ "2gbu",
+ "8dze",
+ "1r95",
+ "2w4r",
+ "2k9h",
+ "2nd9",
+ "7ef8",
+ "5hzh",
+ "4fhi",
+ "1om8",
+ "4a0h",
+ "2cga",
+ "1hiy",
+ "3bul",
+ "4cby",
+ "5t1n",
+ "1z07",
+ "6wte",
+ "5mf9",
+ "1jy5",
+ "1ogc",
+ "5omm",
+ "7cjw",
+ "3r9n",
+ "6exj",
+ "3hk9",
+ "3dic",
+ "4nny",
+ "1bzc",
+ "2yxc",
+ "4q5s",
+ "1rve",
+ "2i5j",
+ "6vci",
+ "2gz8",
+ "4d0e",
+ "6utj",
+ "3p5f",
+ "6rzu",
+ "7wnn",
+ "4jdd",
+ "1p17",
+ "6igq",
+ "5myv",
+ "5i3w",
+ "4q9b",
+ "5zko",
+ "5uz7",
+ "8afd",
+ "5bwh",
+ "8aa6",
+ "1ddk",
+ "3a01",
+ "4jmi",
+ "1fpi",
+ "1wkb",
+ "3j7b",
+ "5v52",
+ "2y40",
+ "4gz0",
+ "5hej",
+ "1kqr",
+ "7cdz",
+ "5xa3",
+ "2xat",
+ "3h26",
+ "5gxw",
+ "1a4j",
+ "1lkp",
+ "8efl",
+ "3tff",
+ "6syr",
+ "1upv",
+ "3ddy",
+ "7wzo",
+ "1l0b",
+ "3eqc",
+ "5g1o",
+ "8ajj",
+ "4zvc",
+ "2fl8",
+ "5e5p",
+ "4hvq",
+ "6fns",
+ "2a2i",
+ "5f13",
+ "7dvs",
+ "1muj",
+ "2wic",
+ "1hsg",
+ "6dt8",
+ "2q9e",
+ "6zpb",
+ "6y99",
+ "6rv6",
+ "2fg4",
+ "7pz0",
+ "1jfj",
+ "3hl5",
+ "6byt",
+ "2w4d",
+ "5mza",
+ "5cjq",
+ "1o2y",
+ "6x27",
+ "6eoz",
+ "7n0b",
+ "3drh",
+ "8a9v",
+ "4eu6",
+ "1gba",
+ "6f51",
+ "5tqa",
+ "3ozg",
+ "1qk0",
+ "3f92",
+ "4q2v",
+ "3ksa",
+ "1l95",
+ "6o5w",
+ "4nle",
+ "3udf",
+ "4k3u",
+ "2fod",
+ "7qxm",
+ "4w68",
+ "7u3m",
+ "3ch8",
+ "4zcr",
+ "5w7x",
+ "2c9b",
+ "3uiq",
+ "1qba",
+ "4jb1",
+ "6x3f",
+ "5vz9",
+ "3c6o",
+ "4ain",
+ "5uqw",
+ "3h9q",
+ "5pom",
+ "3fvy",
+ "5tgh",
+ "1ym7",
+ "2pg2",
+ "3ihq",
+ "1jab",
+ "6yue",
+ "4jh7",
+ "6xg5",
+ "4iv4",
+ "6b2p",
+ "1tte",
+ "5ls3",
+ "5ibe",
+ "7urh",
+ "5v5f",
+ "5ffa",
+ "1equ",
+ "7s45",
+ "5pj9",
+ "5aa4",
+ "6h7h",
+ "2r63",
+ "5muh",
+ "5ef9",
+ "5x0g",
+ "3cj3",
+ "5l27",
+ "5u5y",
+ "1jcc",
+ "2fyr",
+ "4bb5",
+ "7lou",
+ "4pnu",
+ "3ekb",
+ "4pkl",
+ "1q1w",
+ "6v89",
+ "4ka8",
+ "4wvj",
+ "1e1t",
+ "1odp",
+ "4eb9",
+ "1yrw",
+ "4atz",
+ "5l98",
+ "5vmv",
+ "3k6m",
+ "1otp",
+ "1dpu",
+ "1by8",
+ "4n0u",
+ "2pl2",
+ "6onz",
+ "2k89",
+ "4htu",
+ "6c3r",
+ "1eo0",
+ "1lzg",
+ "6c7g",
+ "5o6b",
+ "6hnd",
+ "2j7g",
+ "2ib8",
+ "1dpb",
+ "5h20",
+ "2kdz",
+ "2mfh",
+ "5eb0",
+ "4yyh",
+ "5v6s",
+ "3s7l",
+ "5dxf",
+ "8dr1",
+ "2l67",
+ "5xkc",
+ "6lmw",
+ "5rof",
+ "6k97",
+ "2bxk",
+ "5cwh",
+ "3egt",
+ "1rx3",
+ "2gvu",
+ "5pfq",
+ "7td6",
+ "4c85",
+ "2f1y",
+ "6jtc",
+ "1oow",
+ "7qu1",
+ "4jsi",
+ "6ilj",
+ "6mib",
+ "2q67",
+ "8hfm",
+ "6pae",
+ "5ofn",
+ "6i24",
+ "1vrx",
+ "4q3o",
+ "6tmr",
+ "5igp",
+ "6v4n",
+ "3clp",
+ "7e0g",
+ "6ae7",
+ "2r7m",
+ "6kdn",
+ "3awp",
+ "5xn0",
+ "2mby",
+ "7f5m",
+ "3dfy",
+ "3tax",
+ "3s04",
+ "1h57",
+ "5uvg",
+ "4y2b",
+ "7xnl",
+ "2oi5",
+ "6t6j",
+ "6r3r",
+ "4czv",
+ "4u9c",
+ "2woo",
+ "6lb9",
+ "1c2f",
+ "3khl",
+ "6r1p",
+ "4mf3",
+ "2d4a",
+ "3wmd",
+ "3fq4",
+ "1fbb",
+ "5f90",
+ "5bzv",
+ "5hs7",
+ "4osj",
+ "1dcj",
+ "4ma6",
+ "4kv3",
+ "6sls",
+ "7fhx",
+ "8f9y",
+ "1jdf",
+ "6tu1",
+ "5vgi",
+ "2bln",
+ "6n42",
+ "5y0o",
+ "1zav",
+ "7cod",
+ "7e2s",
+ "5ln5",
+ "1jii",
+ "4fqv",
+ "3oor",
+ "5gnz",
+ "6un3",
+ "7ytb",
+ "5bn7",
+ "1wbv",
+ "4uyg",
+ "3s96",
+ "4pzx",
+ "2ze5",
+ "6z85",
+ "4fvl",
+ "1agt",
+ "2e4q",
+ "4pvv",
+ "2has",
+ "4hf3",
+ "6e0o",
+ "3u4w",
+ "7lrv",
+ "3lzv",
+ "6xvt",
+ "6qwh",
+ "3vn2",
+ "5xtj",
+ "8d04",
+ "1gr3",
+ "6fqq",
+ "1lvo",
+ "5eoh",
+ "7cxw",
+ "5i7x",
+ "1ez1",
+ "3umx",
+ "5na9",
+ "4cgh",
+ "4rn2",
+ "5ei0",
+ "7vff",
+ "2j5r",
+ "6smr",
+ "2ae7",
+ "3c75",
+ "2jk5",
+ "6c4s",
+ "4kb6",
+ "4xpe",
+ "1bsa",
+ "1urg",
+ "2zdu",
+ "4h18",
+ "1egt",
+ "8gqr",
+ "4tk0",
+ "4eka",
+ "6nxw",
+ "4p38",
+ "4b6g",
+ "4no0",
+ "2nbv",
+ "1f3t",
+ "5w1o",
+ "3xin",
+ "5tba",
+ "5pg1",
+ "7ssp",
+ "5fv3",
+ "6s0r",
+ "3v5z",
+ "3ljt",
+ "3lk3",
+ "1cwy",
+ "3kj7",
+ "7o66",
+ "3ezv",
+ "2g8g",
+ "7kgw",
+ "1jv4",
+ "2ib7",
+ "5wzy",
+ "1qs2",
+ "7qkx",
+ "5wu2",
+ "4ywy",
+ "4s0f",
+ "4zps",
+ "5t30",
+ "8arh",
+ "8a93",
+ "5cw5",
+ "1zen",
+ "1t7j",
+ "2oes",
+ "6z6g",
+ "5deb",
+ "3ser",
+ "6i7a",
+ "4bqg",
+ "7xtw",
+ "7skk",
+ "4rfm",
+ "1g7x",
+ "5ar0",
+ "4ml2",
+ "1yf4",
+ "6qgc",
+ "7klw",
+ "4aq6",
+ "6q6w",
+ "4c5k",
+ "4aun",
+ "6q6m",
+ "6l9u",
+ "1fqv",
+ "1j34",
+ "2qfh",
+ "1v6p",
+ "3eqb",
+ "2kgl",
+ "5wws",
+ "2jsy",
+ "1rg9",
+ "2v70",
+ "2ywy",
+ "6lwh",
+ "2gag",
+ "1y1n",
+ "5db2",
+ "1n43",
+ "4gek",
+ "5w0z",
+ "2iaj",
+ "3fl8",
+ "7tqk",
+ "1idd",
+ "4dfg",
+ "5i4i",
+ "1pv0",
+ "5a9f",
+ "2mol",
+ "5d4e",
+ "6p1p",
+ "4b2q",
+ "7bbg",
+ "7r73",
+ "2jjy",
+ "2npk",
+ "8a8c",
+ "4l5c",
+ "7xzd",
+ "4pzw",
+ "3lsx",
+ "7sui",
+ "6gmo",
+ "6cgq",
+ "4uc7",
+ "2h9j",
+ "2wwp",
+ "6ad9",
+ "1hd8",
+ "5s5u",
+ "4lmy",
+ "5f1c",
+ "4zi4",
+ "2sba",
+ "2i3h",
+ "2bij",
+ "6yba",
+ "6a4f",
+ "5pvy",
+ "1uwk",
+ "1w22",
+ "1lpb",
+ "1wk9",
+ "4ht5",
+ "4oyd",
+ "1xtm",
+ "1dyk",
+ "6b8n",
+ "6a38",
+ "4zyt",
+ "4g5y",
+ "3kho",
+ "3zbv",
+ "8di0",
+ "1cxh",
+ "5p82",
+ "2kdt",
+ "2hee",
+ "5s3q",
+ "1hdn",
+ "4aa8",
+ "7acl",
+ "5vyq",
+ "4myf",
+ "1ao0",
+ "7z5h",
+ "5kay",
+ "7cjf",
+ "5nyr",
+ "4fee",
+ "7tsi",
+ "5cbp",
+ "7k4g",
+ "2l1c",
+ "1o8z",
+ "5b0t",
+ "2k7h",
+ "5juf",
+ "5k98",
+ "2c86",
+ "3p54",
+ "1c15",
+ "3day",
+ "5ab2",
+ "3dnf",
+ "7pg9",
+ "3emi",
+ "5f7a",
+ "6b7z",
+ "7tpn",
+ "6jpf",
+ "7plc",
+ "3d96",
+ "6xa6",
+ "4ck8",
+ "4phg",
+ "4y2o",
+ "7tu3",
+ "5rf0",
+ "1mfs",
+ "7f92",
+ "3o1h",
+ "5zn2",
+ "4rwl",
+ "7b41",
+ "5noh",
+ "7kzf",
+ "3f07",
+ "2vmr",
+ "2uxh",
+ "1kq2",
+ "1c9s",
+ "1k4p",
+ "6cgz",
+ "7vcn",
+ "8eoe",
+ "2r7x",
+ "3m28",
+ "5w9g",
+ "3vrn",
+ "6g3t",
+ "6jr3",
+ "6gqt",
+ "1v3d",
+ "2pop",
+ "7k3r",
+ "3hry",
+ "4rnh",
+ "255l",
+ "4ibj",
+ "6f7i",
+ "1msm",
+ "7ttv",
+ "4nh1",
+ "5u0j",
+ "8avx",
+ "4rmf",
+ "4g37",
+ "3fep",
+ "4dbz",
+ "3ww1",
+ "2nv1",
+ "6gwc",
+ "1sh9",
+ "2fkx",
+ "1ub4",
+ "4hzv",
+ "7al9",
+ "6f08",
+ "6wdx",
+ "6v7n",
+ "6kvn",
+ "6yf1",
+ "4moq",
+ "5lj1",
+ "4llj",
+ "6a1m",
+ "5pdx",
+ "8fc0",
+ "4m5m",
+ "7k35",
+ "2bhv",
+ "5lxx",
+ "5ozk",
+ "6xv8",
+ "6i5c",
+ "4nb9",
+ "6s9a",
+ "7li8",
+ "5vu0",
+ "1a8l",
+ "8axx",
+ "6fea",
+ "2nt8",
+ "5djd",
+ "1zyl",
+ "6iuj",
+ "2kcf",
+ "5hnh",
+ "2are",
+ "6ggl",
+ "4nb5",
+ "2k9r",
+ "4nrh",
+ "5ktx",
+ "6x7z",
+ "4xnm",
+ "4hg6",
+ "6sil",
+ "5o8z",
+ "2p7l",
+ "1wer",
+ "4k2i",
+ "2llh",
+ "3pr2",
+ "1q14",
+ "6imy",
+ "7mep",
+ "3zfh",
+ "3eed",
+ "3o1e",
+ "4ff6",
+ "6fyp",
+ "5wbb",
+ "6m5s",
+ "2arx",
+ "6pea",
+ "5jiu",
+ "1lm5",
+ "7nxo",
+ "3b2s",
+ "3th0",
+ "2idz",
+ "7pcm",
+ "5eka",
+ "6ppi",
+ "1lsd",
+ "7n5t",
+ "1emx",
+ "4abx",
+ "6pvo",
+ "3pbh",
+ "1u3h",
+ "5xsz",
+ "2ezo",
+ "2no9",
+ "4q74",
+ "2ig0",
+ "3dsc",
+ "4x17",
+ "1vj6",
+ "4ayc",
+ "3mlt",
+ "3le6",
+ "4zpc",
+ "1lu1",
+ "2rar",
+ "4iao",
+ "4xev",
+ "6yhk",
+ "5kfv",
+ "4eef",
+ "6abs",
+ "3mv2",
+ "2pr3",
+ "1pmt",
+ "5elp",
+ "5kup",
+ "6kv5",
+ "7ygh",
+ "2quo",
+ "5v56",
+ "1ei0",
+ "3nl3",
+ "1mbl",
+ "4gta",
+ "5vja",
+ "7ul0",
+ "2mvl",
+ "6n4k",
+ "7noz",
+ "6sln",
+ "6ibn",
+ "5pcy",
+ "2qdc",
+ "3g9b",
+ "4uql",
+ "5vjv",
+ "6k64",
+ "7s9y",
+ "2bku",
+ "2c9k",
+ "2vyc",
+ "1ku2",
+ "3n68",
+ "4hze",
+ "2rdh",
+ "2jbr",
+ "7abo",
+ "4bni",
+ "3m0i",
+ "4ki0",
+ "7wvk",
+ "6ov6",
+ "1s1e",
+ "1a1a",
+ "3ekk",
+ "7e56",
+ "4lxy",
+ "6w12",
+ "2hbk",
+ "5thu",
+ "1rf5",
+ "5s9r",
+ "5kmq",
+ "7aqj",
+ "6eq2",
+ "3pcc",
+ "6az5",
+ "3fv4",
+ "1fu9",
+ "8cub",
+ "5xv3",
+ "5yun",
+ "5jo0",
+ "5pdn",
+ "7xw7",
+ "5wml",
+ "7uan",
+ "2k8v",
+ "4uv6",
+ "2iop",
+ "7f0z",
+ "3rps",
+ "1ox4",
+ "3r3o",
+ "1ykt",
+ "2ixd",
+ "3sl9",
+ "1nhq",
+ "3py0",
+ "2fjn",
+ "7buc",
+ "6ly4",
+ "6ahz",
+ "7fjt",
+ "1hor",
+ "5grk",
+ "1ab5",
+ "2xx0",
+ "3cvd",
+ "6j00",
+ "5zkj",
+ "5um9",
+ "5upk",
+ "4hst",
+ "2vtz",
+ "1usb",
+ "4qlv",
+ "1zt7",
+ "5z7c",
+ "1p6j",
+ "5gge",
+ "6zzb",
+ "3rl3",
+ "5i7k",
+ "6zer",
+ "6wcf",
+ "3i4a",
+ "1fby",
+ "4ij1",
+ "7f2i",
+ "5lb7",
+ "4dce",
+ "5z43",
+ "1e1n",
+ "3uei",
+ "3fpl",
+ "5ra7",
+ "1ex4",
+ "1n7e",
+ "3l9z",
+ "2cxu",
+ "1x2j",
+ "6paa",
+ "6srb",
+ "5kwz",
+ "6rmj",
+ "7x0o",
+ "5m5k",
+ "7eql",
+ "1tcb",
+ "5oll",
+ "2qcl",
+ "2ojt",
+ "7uxj",
+ "2h59",
+ "8i1i",
+ "2w09",
+ "5rbs",
+ "4rkp",
+ "2vxk",
+ "1ns4",
+ "5mmp",
+ "1iys",
+ "5ucy",
+ "4owk",
+ "5hi3",
+ "3nc3",
+ "5f2t",
+ "1dlw",
+ "1dcn",
+ "5uds",
+ "4i2c",
+ "5plr",
+ "5jgi",
+ "7blv",
+ "1cv6",
+ "3vf0",
+ "6wuw",
+ "6cv5",
+ "4aqz",
+ "3nnf",
+ "7ofh",
+ "7f7r",
+ "7axf",
+ "4dd0",
+ "4bnj",
+ "3kie",
+ "5ony",
+ "1b40",
+ "6ar4",
+ "6wxo",
+ "5dyn",
+ "1v0u",
+ "4zes",
+ "1k0w",
+ "2myp",
+ "6agh",
+ "3ekz",
+ "7zsu",
+ "5yh5",
+ "2a3c",
+ "3bjf",
+ "2q3d",
+ "6auw",
+ "1ytk",
+ "6bo6",
+ "5fb9",
+ "5dxp",
+ "4n8t",
+ "4wtp",
+ "1daa",
+ "5gzn",
+ "6tqn",
+ "1x7k",
+ "7ai5",
+ "4elh",
+ "1uu0",
+ "2x0f",
+ "7sky",
+ "2d3a",
+ "5ghp",
+ "4o1e",
+ "4ynx",
+ "6vyk",
+ "6rr2",
+ "6km0",
+ "1xpu",
+ "1uk3",
+ "3eax",
+ "7dq6",
+ "6e24",
+ "5rs8",
+ "5tlp",
+ "7nes",
+ "5oe5",
+ "6tlg",
+ "2b3i",
+ "3mxb",
+ "6bs1",
+ "2iy3",
+ "5r2n",
+ "2vey",
+ "6a42",
+ "3gpl",
+ "3res",
+ "7bsb",
+ "1o2w",
+ "6yzj",
+ "7q36",
+ "3nob",
+ "5ctb",
+ "5hzr",
+ "3sbi",
+ "5rvo",
+ "4czs",
+ "1bwa",
+ "3nmv",
+ "1ctj",
+ "4ekp",
+ "5ad6",
+ "5xfo",
+ "5wa1",
+ "5fbe",
+ "3tj3",
+ "5cn8",
+ "7wgi",
+ "6t0j",
+ "6kns",
+ "1cw7",
+ "5o1w",
+ "2p0m",
+ "3kaa",
+ "6oib",
+ "1ela",
+ "2rfj",
+ "2vwh",
+ "2b50",
+ "1pau",
+ "4yb6",
+ "1pru",
+ "3o50",
+ "1h2z",
+ "3j9q",
+ "1dee",
+ "1lkx",
+ "8acs",
+ "4l6p",
+ "5t5j",
+ "5som",
+ "5a7o",
+ "2g7e",
+ "3tb3",
+ "4i24",
+ "7ywc",
+ "2lky",
+ "6enm",
+ "6omc",
+ "3wgx",
+ "2x1n",
+ "2chq",
+ "3r94",
+ "7rau",
+ "1c6k",
+ "5vkg",
+ "7c6p",
+ "5zms",
+ "2pev",
+ "4egp",
+ "6vpo",
+ "6llb",
+ "7n7o",
+ "1c66",
+ "5zop",
+ "5vmo",
+ "3m2l",
+ "5ept",
+ "4l2n",
+ "7urg",
+ "2qo6",
+ "5zck",
+ "6vg1",
+ "2cnf",
+ "6qgi",
+ "5cm7",
+ "2ldi",
+ "3lr7",
+ "5cfs",
+ "5kdv",
+ "2wm9",
+ "3qr6",
+ "2mcd",
+ "1yim",
+ "1zk0",
+ "7x20",
+ "4h3s",
+ "5i99",
+ "5pbi",
+ "1i09",
+ "7vke",
+ "1mhc",
+ "6nms",
+ "7cl4",
+ "2vts",
+ "4q7e",
+ "3mj4",
+ "7p2f",
+ "6c54",
+ "3d1m",
+ "3s5d",
+ "2r00",
+ "2fpx",
+ "1dio",
+ "6qg5",
+ "3cja",
+ "6r7g",
+ "5bpo",
+ "5ff9",
+ "2lb0",
+ "6nvy",
+ "4cs3",
+ "1a3n",
+ "7fjl",
+ "6pxo",
+ "5fb4",
+ "3hli",
+ "1fa2",
+ "8b4q",
+ "3tkt",
+ "1s30",
+ "6efu",
+ "1fpp",
+ "3pu4",
+ "2ncz",
+ "5wn2",
+ "2psv",
+ "1rob",
+ "7lak",
+ "3gxd",
+ "6ww7",
+ "6zg4",
+ "5gl3",
+ "6fz4",
+ "3kl8",
+ "1o04",
+ "3zjy",
+ "4x19",
+ "2uy8",
+ "4d8d",
+ "5flz",
+ "4o9t",
+ "3r7l",
+ "5d8n",
+ "6ppw",
+ "2xf0",
+ "1apj",
+ "4fbr",
+ "5yuv",
+ "7xa2",
+ "6aq6",
+ "3rs7",
+ "1kyx",
+ "5ujq",
+ "2zao",
+ "1wbh",
+ "1q9s",
+ "7bob",
+ "1ajh",
+ "6ipa",
+ "6ihb",
+ "1d0d",
+ "4oz1",
+ "2m5t",
+ "1suv",
+ "4bh2",
+ "2fwh",
+ "4ahk",
+ "2uy5",
+ "1nat",
+ "2bff",
+ "8diz",
+ "4bbh",
+ "7kdw",
+ "2ptq",
+ "1ueu",
+ "5ye7",
+ "6ldo",
+ "2wj6",
+ "4ihq",
+ "2sas",
+ "6lqe",
+ "1pdi",
+ "4xjs",
+ "1qn0",
+ "6bnd",
+ "3x1o",
+ "7psd",
+ "7oq2",
+ "6y0q",
+ "4cf8",
+ "2fsv",
+ "5iwh",
+ "6oaf",
+ "4y1h",
+ "2f2k",
+ "6k1m",
+ "6wbf",
+ "2prg",
+ "5ozr",
+ "1une",
+ "4mro",
+ "7kkm",
+ "5mcv",
+ "4xxo",
+ "7jps",
+ "1mqe",
+ "1t70",
+ "1jhf",
+ "5ot0",
+ "5kki",
+ "4zwc",
+ "5vpf",
+ "5wli",
+ "4jlk",
+ "1iqu",
+ "6rgh",
+ "2zox",
+ "4tnz",
+ "4jol",
+ "1rgq",
+ "2qjt",
+ "5g0t",
+ "6fft",
+ "3ng8",
+ "3ot8",
+ "1iqp",
+ "5jc6",
+ "6ud8",
+ "7ohz",
+ "7qd2",
+ "5ihc",
+ "1uuq",
+ "6or1",
+ "4omb",
+ "2kbj",
+ "2w27",
+ "7ewv",
+ "2olw",
+ "2l16",
+ "2zc6",
+ "6nsa",
+ "5uxo",
+ "6u2x",
+ "1xch",
+ "6qzo",
+ "6lcw",
+ "5s4h",
+ "1g72",
+ "7mi9",
+ "5efy",
+ "4i86",
+ "5xuj",
+ "4x60",
+ "5mlr",
+ "1knp",
+ "6tdw",
+ "6gpj",
+ "4muj",
+ "4n21",
+ "1xpw",
+ "1bgf",
+ "5xmv",
+ "4tlw",
+ "1uie",
+ "5cls",
+ "7exj",
+ "6u9x",
+ "4gg4",
+ "6ruw",
+ "5sqr",
+ "7vxv",
+ "6i8q",
+ "2ji1",
+ "4lhz",
+ "3zvx",
+ "5nr4",
+ "6qg4",
+ "4p7g",
+ "2qf2",
+ "2dga",
+ "7u6g",
+ "1xny",
+ "7lxf",
+ "5vs0",
+ "5cbx",
+ "7n8e",
+ "6woc",
+ "7m7l",
+ "5i16",
+ "6r6o",
+ "7u31",
+ "4m5c",
+ "6sxe",
+ "3pri",
+ "6f2o",
+ "6ke2",
+ "6ao3",
+ "2yo0",
+ "2fsz",
+ "5lff",
+ "1gbh",
+ "7mw8",
+ "7jxz",
+ "7l6w",
+ "5iqo",
+ "3opw",
+ "6v2k",
+ "1rwq",
+ "5flo",
+ "3sqq",
+ "2zt2",
+ "3rg9",
+ "4n9z",
+ "6vtw",
+ "4npm",
+ "2c0q",
+ "3oe6",
+ "1r70",
+ "6m4d",
+ "5d9b",
+ "3qef",
+ "1hdo",
+ "3tyl",
+ "5fds",
+ "3ct2",
+ "5lo0",
+ "4hb2",
+ "1p4p",
+ "6o11",
+ "2my1",
+ "7ybp",
+ "7de2",
+ "5n65",
+ "4yiy",
+ "7x0j",
+ "3vpd",
+ "5fcm",
+ "4fx8",
+ "5p4p",
+ "1sa1",
+ "2kn4",
+ "1cbr",
+ "5y94",
+ "6r16",
+ "7kr3",
+ "4zyr",
+ "4bvx",
+ "4ukd",
+ "6xqu",
+ "7f1e",
+ "7jfr",
+ "4qh6",
+ "1i07",
+ "7apq",
+ "8ds1",
+ "6d4m",
+ "4a59",
+ "5qkc",
+ "7saq",
+ "7f58",
+ "7oqe",
+ "1bpn",
+ "3uu3",
+ "3cwz",
+ "4kbi",
+ "2hsn",
+ "5z9l",
+ "2cfp",
+ "6j1w",
+ "6pbm",
+ "4efn",
+ "5peg",
+ "7q50",
+ "6wes",
+ "4q1w",
+ "1gf8",
+ "1tvo",
+ "5h3j",
+ "5ca2",
+ "2ibf",
+ "4ovo",
+ "7nqd",
+ "3nhz",
+ "4yup",
+ "2xnc",
+ "1uln",
+ "2lax",
+ "5jc7",
+ "2d0a",
+ "5h04",
+ "3sx7",
+ "4uzn",
+ "3j83",
+ "2jyg",
+ "4ofb",
+ "6uaw",
+ "6rsj",
+ "1l51",
+ "5w5l",
+ "4nbe",
+ "2jy7",
+ "3uhb",
+ "1rk2",
+ "6dc5",
+ "2f31",
+ "7u1q",
+ "5yke",
+ "2zfj",
+ "7uly",
+ "7es2",
+ "6j17",
+ "4i4r",
+ "4etg",
+ "4twy",
+ "1yoo",
+ "6mua",
+ "6a5c",
+ "4ydg",
+ "4y7x",
+ "6bnv",
+ "3tvy",
+ "7lqk",
+ "3phx",
+ "1x1p",
+ "3eke",
+ "2vjz",
+ "6yvq",
+ "1kaa",
+ "6zlq",
+ "5rhf",
+ "4cgd",
+ "1m8r",
+ "4i6w",
+ "1rjl",
+ "1n1d",
+ "1yth",
+ "2q94",
+ "5jhk",
+ "1yha",
+ "2gs6",
+ "6tph",
+ "7qto",
+ "5dnp",
+ "1gta",
+ "7faq",
+ "1ivz",
+ "6jkp",
+ "4du3",
+ "4p5h",
+ "1w1k",
+ "4n33",
+ "7o4s",
+ "6i7k",
+ "6pgp",
+ "5i88",
+ "1gnf",
+ "7zqr",
+ "2haw",
+ "3pjw",
+ "2w2w",
+ "3n9m",
+ "3s0t",
+ "4h7u",
+ "1pj8",
+ "1swe",
+ "1su3",
+ "6d9g",
+ "3tew",
+ "7k9y",
+ "3kyf",
+ "1nqu",
+ "2epf",
+ "6em8",
+ "5afg",
+ "7u7j",
+ "5qnt",
+ "3hyc",
+ "3ai0",
+ "5pbc",
+ "2n2r",
+ "7c8j",
+ "7pyt",
+ "5twf",
+ "4ljh",
+ "7avh",
+ "4l0u",
+ "2dbz",
+ "5dtq",
+ "5fgk",
+ "4nkz",
+ "1ifs",
+ "1gv8",
+ "6b1r",
+ "4irq",
+ "3k9f",
+ "1l7r",
+ "5nqo",
+ "8biv",
+ "2f2h",
+ "5v88",
+ "3now",
+ "6v2r",
+ "6o8m",
+ "1gjp",
+ "6qs8",
+ "4wem",
+ "6zsz",
+ "1cmo",
+ "6yip",
+ "2jpd",
+ "5w1t",
+ "5su7",
+ "8dxu",
+ "3hqo",
+ "1bq7",
+ "6dog",
+ "125l",
+ "5dut",
+ "1g7e",
+ "2arb",
+ "8paz",
+ "6ksq",
+ "6qrz",
+ "6ev0",
+ "6dfn",
+ "5tu9",
+ "4bh6",
+ "6t9s",
+ "7brw",
+ "7mt6",
+ "4oil",
+ "6ev1",
+ "1qhr",
+ "5m1k",
+ "3nmj",
+ "1viq",
+ "8fe3",
+ "4oqq",
+ "4ry2",
+ "3wj8",
+ "4d19",
+ "5nxm",
+ "3ijh",
+ "4cyg",
+ "2lsh",
+ "3ujc",
+ "6waq",
+ "6aid",
+ "4ri8",
+ "3p5o",
+ "2kte",
+ "3ht1",
+ "6hh9",
+ "1luj",
+ "3kt5",
+ "2ixg",
+ "4wo1",
+ "2qo2",
+ "7mwg",
+ "7bu0",
+ "4fdl",
+ "1oqy",
+ "5j8j",
+ "1jql",
+ "3upj",
+ "5ohj",
+ "3ny3",
+ "1az1",
+ "4ps8",
+ "3lxl",
+ "1zwz",
+ "6ajx",
+ "1adw",
+ "6zka",
+ "4xj4",
+ "5qn1",
+ "8i1f",
+ "6efk",
+ "7x4l",
+ "3ir1",
+ "1ot3",
+ "5d3d",
+ "2hth",
+ "2v0o",
+ "2ltc",
+ "2w3r",
+ "3pdu",
+ "3gva",
+ "5kvm",
+ "2iwc",
+ "7dv4",
+ "7nrv",
+ "1w3b",
+ "5ey8",
+ "5xze",
+ "1enu",
+ "5iej",
+ "4aa0",
+ "2qu4",
+ "5yrf",
+ "1uj1",
+ "7n1n",
+ "6t46",
+ "6p2s",
+ "6bcr",
+ "2byl",
+ "1gkn",
+ "3mft",
+ "3v4k",
+ "6a36",
+ "1bzm",
+ "5f09",
+ "6poi",
+ "5h98",
+ "5j79",
+ "4xgl",
+ "2igp",
+ "4y9y",
+ "1e18",
+ "1qo7",
+ "3f5t",
+ "6zzd",
+ "6lzb",
+ "3peq",
+ "6nnp",
+ "4f28",
+ "4pid",
+ "5pm0",
+ "5f1l",
+ "3p6c",
+ "2gkv",
+ "6cis",
+ "6k7t",
+ "1ncr",
+ "6qt9",
+ "6ho0",
+ "4mnn",
+ "5p5y",
+ "6icx",
+ "1iv2",
+ "3dhq",
+ "5qdx",
+ "4xjv",
+ "5w1i",
+ "6ys6",
+ "5ksb",
+ "1p0f",
+ "5my5",
+ "3os2",
+ "8e0f",
+ "1vlt",
+ "2e2r",
+ "4n85",
+ "1xwa",
+ "4rpi",
+ "7big",
+ "2mhy",
+ "5szo",
+ "2c1e",
+ "5mxo",
+ "4nf4",
+ "4q0p",
+ "3jbj",
+ "6t7h",
+ "3v1f",
+ "5d57",
+ "6g4k",
+ "1ayb",
+ "4lmd",
+ "7bie",
+ "7dma",
+ "6f38",
+ "3dft",
+ "4ix3",
+ "2rmj",
+ "1cq0",
+ "5uwm",
+ "7z0f",
+ "8bg9",
+ "1ux5",
+ "7pon",
+ "6wij",
+ "1mso",
+ "2ixl",
+ "5zj5",
+ "2g4q",
+ "8b43",
+ "6fbc",
+ "3sn6",
+ "7dxx",
+ "1h14",
+ "6y5g",
+ "2a0z",
+ "4gby",
+ "4r1b",
+ "1do2",
+ "7jsq",
+ "6szr",
+ "6o9p",
+ "3aey",
+ "7c0k",
+ "3fom",
+ "6ig0",
+ "3tbn",
+ "3cgi",
+ "3uvw",
+ "5hpt",
+ "1ain",
+ "6w4t",
+ "6byp",
+ "1rk8",
+ "5wme",
+ "5w0l",
+ "7sw3",
+ "8e1s",
+ "6ggo",
+ "3sgc",
+ "7f71",
+ "4yhi",
+ "6nzb",
+ "3hdh",
+ "6afj",
+ "5rcs",
+ "1pi1",
+ "7ato",
+ "2vwq",
+ "7n3u",
+ "3wxz",
+ "5lhs",
+ "7o2r",
+ "4isv",
+ "1a2i",
+ "5d60",
+ "1fo3",
+ "6d33",
+ "6uwg",
+ "5z6t",
+ "6dg8",
+ "4uwd",
+ "6pv9",
+ "5ipx",
+ "6fq8",
+ "5fve",
+ "4pa9",
+ "3mam",
+ "2esb",
+ "2ael",
+ "6e6j",
+ "6a8k",
+ "4ryi",
+ "1gm1",
+ "4jh9",
+ "4kh0",
+ "5m92",
+ "4w70",
+ "6y68",
+ "1kup",
+ "6hib",
+ "3kki",
+ "4rtm",
+ "7z51",
+ "6tpr",
+ "2w58",
+ "4j87",
+ "5xna",
+ "1em9",
+ "6pw6",
+ "5zh5",
+ "7btn",
+ "4ucl",
+ "1gy6",
+ "1pzb",
+ "3cia",
+ "5yzk",
+ "3hd6",
+ "4xqb",
+ "1t1l",
+ "5ixt",
+ "3euj",
+ "1f22",
+ "7joa",
+ "3hye",
+ "7oxl",
+ "2rlj",
+ "4w61",
+ "3p1r",
+ "3bqq",
+ "4uwu",
+ "4zrk",
+ "6fls",
+ "5j0s",
+ "4xm5",
+ "8ckz",
+ "5vnf",
+ "3lfp",
+ "6v02",
+ "7yrh",
+ "8e9e",
+ "6k0q",
+ "2hiz",
+ "4hqv",
+ "4bf5",
+ "6mh4",
+ "6oy7",
+ "2n6b",
+ "3f8w",
+ "2bk1",
+ "3vqd",
+ "4wtk",
+ "1kth",
+ "4x0r",
+ "2vzp",
+ "2wua",
+ "5hyh",
+ "6hi0",
+ "1cs9",
+ "7ols",
+ "1p69",
+ "1fgd",
+ "1eyq",
+ "3pn3",
+ "1n9i",
+ "7uoa",
+ "2q2c",
+ "1y4o",
+ "6fv5",
+ "1tnb",
+ "1g3b",
+ "2rgu",
+ "6uyj",
+ "6wue",
+ "8ada",
+ "5lp2",
+ "2jzt",
+ "3hro",
+ "2g98",
+ "1q1z",
+ "2pou",
+ "6a8x",
+ "6fil",
+ "3vdl",
+ "5vgz",
+ "1dgs",
+ "7o64",
+ "7ckw",
+ "1zqz",
+ "4at2",
+ "2i29",
+ "3buz",
+ "2kdm",
+ "4f4y",
+ "6d9q",
+ "4kx8",
+ "1xmg",
+ "2gp6",
+ "2j21",
+ "2gkw",
+ "2m20",
+ "5twv",
+ "4lcx",
+ "1qm4",
+ "4lbj",
+ "5nsf",
+ "2rbq",
+ "6cwj",
+ "3l5t",
+ "1jqp",
+ "6tcj",
+ "2wi9",
+ "1kxr",
+ "5a50",
+ "2w22",
+ "3n6w",
+ "5p6g",
+ "4b7g",
+ "7nxh",
+ "2y80",
+ "5ms4",
+ "5ad9",
+ "6su3",
+ "3ie5",
+ "6ud5",
+ "1p6f",
+ "1hfh",
+ "1ls4",
+ "7uw4",
+ "6ecx",
+ "7rjf",
+ "2qqw",
+ "3zx0",
+ "1sup",
+ "6ip2",
+ "6us7",
+ "6elt",
+ "2n9i",
+ "3ctl",
+ "5gzz",
+ "4rkc",
+ "1mqd",
+ "7y12",
+ "6umk",
+ "7mit",
+ "3lmi",
+ "7q6x",
+ "3li3",
+ "1nos",
+ "4zli",
+ "7mih",
+ "5iqe",
+ "1ztq",
+ "1o25",
+ "7ss8",
+ "7sgr",
+ "4qfv",
+ "1ck6",
+ "2ya3",
+ "1rrl",
+ "6apf",
+ "6vpa",
+ "5e23",
+ "3ze5",
+ "6jha",
+ "6o43",
+ "3ul2",
+ "5on8",
+ "4fme",
+ "3ws2",
+ "5kw1",
+ "5f14",
+ "6nlm",
+ "2yah",
+ "1kkh",
+ "1siy",
+ "6yuz",
+ "3klq",
+ "4usi",
+ "7axh",
+ "6c2s",
+ "3t0c",
+ "6l1p",
+ "2vb6",
+ "4zdd",
+ "4pgz",
+ "7riv",
+ "4aw5",
+ "2fmo",
+ "2hf6",
+ "1ake",
+ "4fr0",
+ "2lq1",
+ "7ak7",
+ "1bdq",
+ "7bzl",
+ "6wry",
+ "5gza",
+ "6e7z",
+ "7drk",
+ "8eun",
+ "7vni",
+ "7l78",
+ "5uff",
+ "6ovr",
+ "6kta",
+ "5ywx",
+ "1eeu",
+ "6m95",
+ "4ccu",
+ "4hgr",
+ "1kck",
+ "3p0g",
+ "4idk",
+ "5es5",
+ "2o6h",
+ "6iw4",
+ "2a9h",
+ "1qtq",
+ "6rcl",
+ "1wyi",
+ "4u5i",
+ "1o7i",
+ "5p22",
+ "1gd4",
+ "4zy8",
+ "4isr",
+ "4tos",
+ "1djm",
+ "1xi7",
+ "2buv",
+ "4dfc",
+ "7zgb",
+ "5zw7",
+ "1a16",
+ "3qw6",
+ "2gum",
+ "2fa1",
+ "6h28",
+ "5kel",
+ "6c9s",
+ "5ckr",
+ "4n3y",
+ "5rg9",
+ "1y5y",
+ "1p1k",
+ "6vjz",
+ "7awf",
+ "4cek",
+ "3zq7",
+ "1m5y",
+ "5dxt",
+ "4igb",
+ "4c2g",
+ "1n8i",
+ "2ow0",
+ "6vj9",
+ "5f4m",
+ "2ks1",
+ "1smt",
+ "5r8q",
+ "5tw3",
+ "3lzu",
+ "2yw2",
+ "2xpi",
+ "7cm1",
+ "4hs9",
+ "5s2j",
+ "6rah",
+ "7cho",
+ "3j1x",
+ "7mny",
+ "2uyw",
+ "2xgr",
+ "3wc6",
+ "2jqv",
+ "3awm",
+ "4nfm",
+ "6mtw",
+ "2w1r",
+ "3e4e",
+ "2p4j",
+ "7cvz",
+ "1gpy",
+ "2mq4",
+ "5ty8",
+ "1oe0",
+ "3zzp",
+ "4mlt",
+ "5gv1",
+ "3rsr",
+ "5r2m",
+ "1sf4",
+ "3o1j",
+ "2cll",
+ "1fx2",
+ "5xdl",
+ "4lnd",
+ "4pp0",
+ "1kcg",
+ "4hxo",
+ "6sc4",
+ "6jy7",
+ "2ipz",
+ "4ox8",
+ "5xzq",
+ "5qo5",
+ "7khg",
+ "7o3j",
+ "1k90",
+ "7r4s",
+ "1zhl",
+ "4pqq",
+ "4g7g",
+ "3h7y",
+ "4n67",
+ "2fk9",
+ "7k3c",
+ "1pi8",
+ "1hfo",
+ "1joy",
+ "1bou",
+ "3h1i",
+ "1lk0",
+ "4b78",
+ "7c0r",
+ "1re2",
+ "6bsr",
+ "1ps1",
+ "5w1c",
+ "5s1o",
+ "3ucy",
+ "5tn8",
+ "2bz3",
+ "5lt3",
+ "4c90",
+ "1etz",
+ "3p2h",
+ "4zno",
+ "6crq",
+ "3h9v",
+ "2k3o",
+ "1g0m",
+ "3py9",
+ "2zdm",
+ "5zjy",
+ "2r96",
+ "3weg",
+ "2n2w",
+ "7yu3",
+ "6lbr",
+ "7rxv",
+ "1pew",
+ "4u5v",
+ "6ew0",
+ "4m9w",
+ "6h04",
+ "3tav",
+ "6e33",
+ "6pek",
+ "7ouw",
+ "6em0",
+ "6vmz",
+ "2nop",
+ "1ck2",
+ "5p72",
+ "6csh",
+ "1vgu",
+ "4kyt",
+ "6buy",
+ "5lov",
+ "6oce",
+ "4bv6",
+ "4avk",
+ "1gf7",
+ "1oig",
+ "2vvl",
+ "5a7r",
+ "1rzd",
+ "5tmc",
+ "3r9v",
+ "1h2w",
+ "4f6v",
+ "7lm5",
+ "1sr3",
+ "6e6g",
+ "7ok1",
+ "5evo",
+ "6wqe",
+ "1k19",
+ "7jy4",
+ "1ns7",
+ "1ihz",
+ "6eg2",
+ "4mjo",
+ "3bs8",
+ "1tig",
+ "4o5u",
+ "1p9i",
+ "7m0b",
+ "6shn",
+ "4oxx",
+ "1epy",
+ "2w7p",
+ "5fc4",
+ "1baw",
+ "4ppp",
+ "1xon",
+ "2yya",
+ "1u8o",
+ "5xln",
+ "4qkf",
+ "2xx3",
+ "3znh",
+ "6qku",
+ "1i4y",
+ "3dpd",
+ "3gg8",
+ "2b4o",
+ "6eud",
+ "7pwz",
+ "1yc6",
+ "4hti",
+ "7c68",
+ "7arb",
+ "4ubg",
+ "5wna",
+ "2xlu",
+ "1iao",
+ "8fll",
+ "6i66",
+ "4c9x",
+ "1aci",
+ "1bvv",
+ "1js2",
+ "5nf6",
+ "3owe",
+ "1mn2",
+ "6wwq",
+ "7ojd",
+ "1e59",
+ "6wmf",
+ "5ayo",
+ "5rdv",
+ "7pcn",
+ "6w2l",
+ "2woc",
+ "6ssk",
+ "6xsa",
+ "6ddb",
+ "3lq4",
+ "7ayx",
+ "4mhe",
+ "7u6q",
+ "3ldl",
+ "6j76",
+ "5p79",
+ "3pdh",
+ "7ltg",
+ "7env",
+ "4fbb",
+ "6b5x",
+ "1uyy",
+ "7m05",
+ "2ztn",
+ "7eed",
+ "1gc6",
+ "2r0l",
+ "2a8j",
+ "6m8r",
+ "1bja",
+ "5wty",
+ "3dco",
+ "1xbl",
+ "5y6t",
+ "4mdb",
+ "1ptx",
+ "3oub",
+ "1ybw",
+ "6sbx",
+ "5kw8",
+ "2rki",
+ "3pun",
+ "5yvn",
+ "4lhm",
+ "1rad",
+ "3lox",
+ "3s68",
+ "4bsd",
+ "3h9c",
+ "4x5w",
+ "2g2h",
+ "2na1",
+ "1qlm",
+ "7cm4",
+ "6yvc",
+ "1jdc",
+ "5r8g",
+ "4xty",
+ "1hmy",
+ "5t69",
+ "1h5e",
+ "3x2f",
+ "5hp7",
+ "7p0v",
+ "4ory",
+ "5aoo",
+ "7p4z",
+ "3r8w",
+ "6gs2",
+ "6gfp",
+ "7zcn",
+ "2hv8",
+ "6ltv",
+ "4dlt",
+ "7u4l",
+ "6rde",
+ "2lhs",
+ "3pcm",
+ "2z56",
+ "7r2e",
+ "3fuf",
+ "5kfe",
+ "1bta",
+ "2zzw",
+ "3wip",
+ "6wpq",
+ "4ylp",
+ "2wmv",
+ "6yc4",
+ "1s2w",
+ "7thz",
+ "3scg",
+ "4gej",
+ "2lli",
+ "2ny4",
+ "6du6",
+ "5kyd",
+ "1jyj",
+ "3njh",
+ "5bmg",
+ "7cla",
+ "7qmb",
+ "6xrw",
+ "7bcl",
+ "6lnr",
+ "1kbz",
+ "7e6l",
+ "3d4n",
+ "1wa7",
+ "7dzu",
+ "7k6r",
+ "7erk",
+ "4asl",
+ "5jwm",
+ "4j74",
+ "6wsa",
+ "3v13",
+ "3l9w",
+ "5wul",
+ "7wxf",
+ "5ifr",
+ "5o4z",
+ "5kpr",
+ "5egh",
+ "8cy1",
+ "6wgd",
+ "4f23",
+ "1rfo",
+ "7sr9",
+ "1tju",
+ "1xwi",
+ "1f53",
+ "5qms",
+ "5f34",
+ "2c1q",
+ "1ndm",
+ "2w43",
+ "1q48",
+ "4w5x",
+ "6mpc",
+ "5gmn",
+ "2q3j",
+ "4dul",
+ "4ap7",
+ "6a4k",
+ "6afe",
+ "5bq7",
+ "3cqk",
+ "1z0q",
+ "3axd",
+ "5cic",
+ "3be0",
+ "1nfw",
+ "4i4b",
+ "4zg3",
+ "1ypi",
+ "1n6x",
+ "1ur9",
+ "3otq",
+ "3sh4",
+ "1oqh",
+ "4aea",
+ "6lqg",
+ "5fik",
+ "1mm0",
+ "7r34",
+ "4cma",
+ "5c0l",
+ "1x56",
+ "2ht9",
+ "7zhm",
+ "1pu1",
+ "4wze",
+ "1rop",
+ "2wxj",
+ "1tzk",
+ "7kxd",
+ "1vkr",
+ "3fjk",
+ "2hu2",
+ "2vsn",
+ "6srl",
+ "1aph",
+ "7fbv",
+ "2kd2",
+ "7kqh",
+ "1rrb",
+ "5jcj",
+ "6gk7",
+ "4k6v",
+ "1kkp",
+ "2rp4",
+ "2l4v",
+ "1vve",
+ "1t11",
+ "2phg",
+ "3rze",
+ "3bj7",
+ "6dvn",
+ "6fpt",
+ "6mg2",
+ "5h8d",
+ "5esg",
+ "2o2d",
+ "7ny8",
+ "4msq",
+ "1v2b",
+ "3cw4",
+ "7lg9",
+ "1yhc",
+ "3e6v",
+ "2q5j",
+ "4xd1",
+ "4l6c",
+ "1k9r",
+ "3a0e",
+ "1q8g",
+ "2ijo",
+ "1z0u",
+ "3szi",
+ "1bto",
+ "3m5b",
+ "7kmt",
+ "2mef",
+ "3pim",
+ "1q1b",
+ "7s3b",
+ "4qa4",
+ "1z7y",
+ "2l8r",
+ "5cvl",
+ "2g9l",
+ "6qxj",
+ "3t9t",
+ "5zkb",
+ "3hgu",
+ "3vtt",
+ "4fhx",
+ "5vio",
+ "5wdr",
+ "2fyh",
+ "6eie",
+ "7bfi",
+ "4pug",
+ "6ii8",
+ "1pzm",
+ "7fgv",
+ "1jhe",
+ "5ft1",
+ "1uat",
+ "1yol",
+ "6iu0",
+ "9rsa",
+ "7w75",
+ "3kyo",
+ "7xyw",
+ "4d98",
+ "2qre",
+ "7nll",
+ "5prb",
+ "5l37",
+ "6a8o",
+ "6hcc",
+ "1dpq",
+ "4f8d",
+ "7ezj",
+ "5my3",
+ "1h6h",
+ "1ua5",
+ "3kk2",
+ "4rol",
+ "6ft8",
+ "4poh",
+ "6oms",
+ "6sas",
+ "7fmh",
+ "7q3e",
+ "1u76",
+ "4zqc",
+ "2a97",
+ "6ccj",
+ "6ehi",
+ "6gu0",
+ "5rg0",
+ "5tbj",
+ "4zty",
+ "5zmw",
+ "7tkg",
+ "8bf2",
+ "4ihl",
+ "4lbm",
+ "4qxa",
+ "1qs5",
+ "4bgm",
+ "6czi",
+ "3zir",
+ "5xkj",
+ "4yda",
+ "3izh",
+ "4mhn",
+ "4dkc",
+ "6dtg",
+ "4h23",
+ "7acy",
+ "3eiv",
+ "1mrn",
+ "6ztu",
+ "4b18",
+ "5w7w",
+ "2zci",
+ "5yzw",
+ "5onq",
+ "5j72",
+ "5pyq",
+ "5wf9",
+ "5jqz",
+ "2onc",
+ "2jf7",
+ "1wj9",
+ "4weu",
+ "6va9",
+ "3g1h",
+ "6gnv",
+ "7yxg",
+ "7c17",
+ "1lj7",
+ "4urm",
+ "1rlt",
+ "3ov0",
+ "4gi3",
+ "1pd6",
+ "3ss5",
+ "1d0q",
+ "4l8l",
+ "5u7n",
+ "6d4k",
+ "1r6g",
+ "7bpz",
+ "1b3j",
+ "6fhd",
+ "6eqc",
+ "2aw1",
+ "4nkv",
+ "1ggj",
+ "2r7s",
+ "4a9k",
+ "2r9r",
+ "5hhc",
+ "6k3k",
+ "2zgn",
+ "6pq4",
+ "4o1g",
+ "6o0j",
+ "3hms",
+ "6rjr",
+ "5e64",
+ "7lyx",
+ "2j77",
+ "7esi",
+ "6e93",
+ "3bdq",
+ "3ws5",
+ "5um6",
+ "6k63",
+ "6kqo",
+ "5yuj",
+ "4oid",
+ "5og4",
+ "5tzx",
+ "5fq7",
+ "1i3p",
+ "4fjl",
+ "4ouu",
+ "3t85",
+ "2j04",
+ "5ej1",
+ "5pxj",
+ "5ooo",
+ "1fts",
+ "7nru",
+ "4pgc",
+ "1t9g",
+ "5gjc",
+ "4ixq",
+ "6zz0",
+ "4dzz",
+ "3njd",
+ "6s27",
+ "4upu",
+ "7rtx",
+ "6fjv",
+ "4yhc",
+ "1rdy",
+ "1gdf",
+ "4wvy",
+ "6t61",
+ "5tml",
+ "5e1i",
+ "1cxn",
+ "6meo",
+ "7p0u",
+ "2zj6",
+ "6vj7",
+ "6fpk",
+ "6vaw",
+ "7ohh",
+ "5ur1",
+ "5lkt",
+ "2dym",
+ "3mz7",
+ "3pe8",
+ "7jse",
+ "3j08",
+ "1e8h",
+ "7ddq",
+ "3f9b",
+ "2p4u",
+ "5g57",
+ "5hmx",
+ "6x1m",
+ "3wuh",
+ "2vt7",
+ "4at8",
+ "7ydf",
+ "5llx",
+ "7qy2",
+ "7llf",
+ "1goj",
+ "1mtv",
+ "5pzo",
+ "4gkw",
+ "7mns",
+ "2ugi",
+ "6bu0",
+ "1k02",
+ "5yut",
+ "6nyo",
+ "2p8p",
+ "2osv",
+ "3zsw",
+ "2dsx",
+ "2h8x",
+ "7xkf",
+ "1r02",
+ "4gwp",
+ "7cqu",
+ "4k00",
+ "2afn",
+ "7era",
+ "1ubg",
+ "1nav",
+ "3ons",
+ "6b9o",
+ "6qbh",
+ "5fud",
+ "1rae",
+ "4lpy",
+ "2hx3",
+ "4hu3",
+ "7vhq",
+ "6mlc",
+ "7ckr",
+ "2xwv",
+ "3rg1",
+ "2vgw",
+ "4b9l",
+ "2clt",
+ "8dfe",
+ "5hai",
+ "6s82",
+ "1mfn",
+ "3e8z",
+ "5c6m",
+ "1onq",
+ "4fmn",
+ "7bv5",
+ "3r22",
+ "5ofv",
+ "1om0",
+ "2c3f",
+ "4prb",
+ "4bnt",
+ "5xtt",
+ "7qza",
+ "3m0h",
+ "5h6u",
+ "1ad6",
+ "4c3x",
+ "1f3h",
+ "6ae2",
+ "3cw1",
+ "4qwq",
+ "1xz6",
+ "2zau",
+ "4rpd",
+ "1qgi",
+ "4cov",
+ "6qhv",
+ "6ysl",
+ "7c5y",
+ "2b6b",
+ "5w3h",
+ "5o3y",
+ "4fwn",
+ "5qy8",
+ "4h3q",
+ "4nei",
+ "3eu1",
+ "5qkf",
+ "5u10",
+ "3gwj",
+ "3eh4",
+ "7uju",
+ "1hhg",
+ "1mpw",
+ "1vlx",
+ "5f92",
+ "1fys",
+ "7uyf",
+ "5q1e",
+ "6qaj",
+ "4xtv",
+ "4cri",
+ "6xqh",
+ "4zoe",
+ "3ars",
+ "2cfz",
+ "5ta8",
+ "4e4q",
+ "6jb9",
+ "5wn8",
+ "3t8w",
+ "6w4q",
+ "6c1k",
+ "5t45",
+ "2f66",
+ "4r3p",
+ "1c6h",
+ "2nvj",
+ "1ek8",
+ "5gsn",
+ "6lvw",
+ "3itz",
+ "7m2b",
+ "7oua",
+ "5ct5",
+ "6xp7",
+ "5l9w",
+ "4dhz",
+ "1yx5",
+ "5ka7",
+ "5uch",
+ "3ccm",
+ "1lqa",
+ "4azz",
+ "6y2e",
+ "3ejx",
+ "5elu",
+ "1cj7",
+ "3ncg",
+ "2yde",
+ "4nqt",
+ "6lkv",
+ "3s6u",
+ "4ptg",
+ "1zkl",
+ "1q65",
+ "1eif",
+ "3ut4",
+ "6v6t",
+ "6w35",
+ "4kiu",
+ "4mbt",
+ "6acf",
+ "6p0p",
+ "3fai",
+ "4c1b",
+ "4yen",
+ "7s08",
+ "1nvr",
+ "1ie4",
+ "2kd3",
+ "3dlb",
+ "1jkz",
+ "4i9q",
+ "5p7x",
+ "2e3f",
+ "6isu",
+ "5d1s",
+ "4oby",
+ "6i74",
+ "4pnw",
+ "3u3s",
+ "8djh",
+ "6jna",
+ "4gbm",
+ "5tia",
+ "5rey",
+ "6t2x",
+ "2r53",
+ "6dd5",
+ "3sj9",
+ "1xao",
+ "6inu",
+ "1zgy",
+ "5tp0",
+ "7arg",
+ "5m3u",
+ "6fl4",
+ "2qyj",
+ "7p1w",
+ "6avt",
+ "3t6z",
+ "5a92",
+ "2it5",
+ "1bsj",
+ "3vjz",
+ "7res",
+ "1gcg",
+ "4jqu",
+ "6qmc",
+ "5ttv",
+ "6vib",
+ "5awf",
+ "2nba",
+ "5g1k",
+ "6fh1",
+ "6w1b",
+ "2rio",
+ "1kj8",
+ "7sqz",
+ "3lkw",
+ "4iae",
+ "6v99",
+ "3zy2",
+ "5nt2",
+ "4jld",
+ "5o0p",
+ "2xac",
+ "3vb3",
+ "5ykh",
+ "4yat",
+ "6iw1",
+ "1bm7",
+ "5f44",
+ "4ktt",
+ "1fp4",
+ "2o8h",
+ "3k51",
+ "7omt",
+ "1ygd",
+ "1xn2",
+ "3wcb",
+ "6w6f",
+ "6g39",
+ "3zsh",
+ "6a1x",
+ "1z2m",
+ "6l4a",
+ "4aos",
+ "7xt8",
+ "4d25",
+ "1aib",
+ "5kjv",
+ "7u7t",
+ "6zbf",
+ "6sy6",
+ "5pfb",
+ "6j1j",
+ "5cnm",
+ "6i8g",
+ "2jk7",
+ "1ow5",
+ "1r7v",
+ "1ubc",
+ "1gvh",
+ "5mec",
+ "3edz",
+ "7o11",
+ "4d8i",
+ "4xsm",
+ "1yam",
+ "1yt6",
+ "5kdj",
+ "6nux",
+ "2uuz",
+ "6d3l",
+ "7lzy",
+ "5mgu",
+ "4wjw",
+ "7pfz",
+ "2c1g",
+ "6uly",
+ "2o85",
+ "5cxf",
+ "6o7b",
+ "7bmt",
+ "7onr",
+ "6tem",
+ "6a3g",
+ "5p1j",
+ "1ddg",
+ "4h49",
+ "8duf",
+ "4gvg",
+ "1nud",
+ "1yiq",
+ "1ex7",
+ "6lir",
+ "1krh",
+ "6rg7",
+ "2lqy",
+ "1mwz",
+ "7k1a",
+ "4qce",
+ "7ukh",
+ "6hel",
+ "6ler",
+ "3b7v",
+ "5dlp",
+ "1ark",
+ "6s6v",
+ "5iuj",
+ "5a2c",
+ "5i9x",
+ "3o1i",
+ "7sps",
+ "5pal",
+ "3s5l",
+ "2gz2",
+ "5b7m",
+ "2xfk",
+ "5djj",
+ "6jwz",
+ "4qnu",
+ "6bh0",
+ "5q12",
+ "5kzz",
+ "6lwf",
+ "1k3l",
+ "4z2k",
+ "6he8",
+ "4l0b",
+ "182l",
+ "3q86",
+ "8czi",
+ "7sec",
+ "8enb",
+ "5u4b",
+ "5e98",
+ "2xoi",
+ "4eil",
+ "1ni7",
+ "2r1x",
+ "7um1",
+ "6fbx",
+ "6m3h",
+ "3kt6",
+ "4dnx",
+ "1dpi",
+ "1pet",
+ "2ha5",
+ "1xrs",
+ "1cef",
+ "4ani",
+ "3c8z",
+ "1cm4",
+ "6ilm",
+ "1y7c",
+ "6fj2",
+ "3pt3",
+ "3brn",
+ "4rwd",
+ "5lee",
+ "2zt9",
+ "1u4o",
+ "1lik",
+ "5e5z",
+ "4py5",
+ "5dzq",
+ "6jkd",
+ "1ra2",
+ "4nss",
+ "3oiw",
+ "5aks",
+ "6uvx",
+ "1yfs",
+ "1iz1",
+ "5tgb",
+ "5ntb",
+ "7b7f",
+ "6p16",
+ "7vrd",
+ "7axd",
+ "7ycc",
+ "2l2o",
+ "4hsn",
+ "4kn2",
+ "1d3q",
+ "7kja",
+ "7su2",
+ "4l6r",
+ "2rg6",
+ "5mok",
+ "5js8",
+ "4ugp",
+ "2kdy",
+ "2gbw",
+ "1kp6",
+ "3new",
+ "7flk",
+ "7nyq",
+ "5knb",
+ "1g7o",
+ "3gox",
+ "2mk9",
+ "1o3j",
+ "5boz",
+ "6m38",
+ "1ktg",
+ "4afb",
+ "6l37",
+ "3hw2",
+ "6iki",
+ "4y7v",
+ "2hy1",
+ "3tjm",
+ "2bt0",
+ "6wtw",
+ "4i5e",
+ "4bxr",
+ "7wr8",
+ "5kz5",
+ "7qms",
+ "5n30",
+ "7p5w",
+ "3ts1",
+ "2ciq",
+ "3so3",
+ "1jzf",
+ "2vxw",
+ "4zcb",
+ "6ts4",
+ "5g2i",
+ "5wm7",
+ "2vl0",
+ "7uw6",
+ "2wms",
+ "1hb3",
+ "5vuf",
+ "7qky",
+ "6br2",
+ "6avh",
+ "7rfw",
+ "6l07",
+ "3rq6",
+ "3haz",
+ "4cio",
+ "1g4s",
+ "4uxo",
+ "6gqm",
+ "6hdt",
+ "4csp",
+ "1hz5",
+ "7nqj",
+ "2fid",
+ "3aet",
+ "6cxk",
+ "2koh",
+ "6ral",
+ "4j26",
+ "3q2u",
+ "5nyj",
+ "6d1k",
+ "5b1l",
+ "2f33",
+ "6f5o",
+ "5gqq",
+ "1job",
+ "3nmz",
+ "5ey9",
+ "4r2h",
+ "1y3t",
+ "7pps",
+ "4hnq",
+ "6qnu",
+ "2dwt",
+ "7vjl",
+ "2ovg",
+ "2clx",
+ "1n1l",
+ "2lcj",
+ "3gsy",
+ "3dha",
+ "2qqs",
+ "5wn9",
+ "4bd7",
+ "3pka",
+ "4e8u",
+ "2itw",
+ "4gqg",
+ "3g1a",
+ "2f7i",
+ "3pvv",
+ "2ic9",
+ "5c78",
+ "5xnd",
+ "3ng5",
+ "5w8s",
+ "4duu",
+ "1vbu",
+ "6mcs",
+ "5gwp",
+ "1hfu",
+ "8brc",
+ "3tz2",
+ "4aw3",
+ "2g7p",
+ "3o4w",
+ "6rzf",
+ "6sgx",
+ "1tjd",
+ "4c4z",
+ "1g0s",
+ "5ig1",
+ "1rx5",
+ "1yr3",
+ "1bhw",
+ "7ady",
+ "6hp7",
+ "1mn7",
+ "2iwb",
+ "1wpv",
+ "1b9z",
+ "2y69",
+ "2d0k",
+ "1ljm",
+ "1ddm",
+ "1fnb",
+ "5m4z",
+ "2a32",
+ "5gz8",
+ "5tj7",
+ "2jyt",
+ "6i55",
+ "4d1l",
+ "1st4",
+ "7xpl",
+ "7feo",
+ "4utb",
+ "1w29",
+ "6t0a",
+ "3cyz",
+ "7no7",
+ "2y6h",
+ "2dwo",
+ "6slw",
+ "3vnj",
+ "7l0h",
+ "6i3c",
+ "5ix9",
+ "5ei3",
+ "3ufp",
+ "6c33",
+ "4b3a",
+ "4z13",
+ "7w2p",
+ "3mfr",
+ "5ggf",
+ "6uim",
+ "6eyo",
+ "6jhf",
+ "5zyq",
+ "1ov3",
+ "7vfh",
+ "7tkn",
+ "1sm2",
+ "4dc5",
+ "1gmm",
+ "2kh9",
+ "1hp9",
+ "4jr2",
+ "5ysp",
+ "5kos",
+ "1gv3",
+ "4fh4",
+ "4hwt",
+ "6hy9",
+ "5wco",
+ "1n6k",
+ "5m1n",
+ "2cet",
+ "8g57",
+ "2w9x",
+ "5xrg",
+ "3p9g",
+ "5irb",
+ "2fug",
+ "6enq",
+ "4qab",
+ "6e0b",
+ "3abg",
+ "7ubo",
+ "6axb",
+ "8bg0",
+ "4zvr",
+ "6p4p",
+ "7yzu",
+ "5ng0",
+ "5ehi",
+ "6fvz",
+ "3c2u",
+ "2rjm",
+ "2cbo",
+ "1w3h",
+ "6afi",
+ "8ezd",
+ "4qip",
+ "5hcj",
+ "6u75",
+ "4wgk",
+ "5nlg",
+ "3a5p",
+ "6cey",
+ "3vhw",
+ "4mju",
+ "2h4z",
+ "6kjl",
+ "4e09",
+ "7c0c",
+ "5nve",
+ "2a6r",
+ "2y7o",
+ "8dfq",
+ "4cfl",
+ "6qdg",
+ "2vp8",
+ "2kyt",
+ "1qiw",
+ "6k6n",
+ "6ls9",
+ "1np2",
+ "2f5v",
+ "1nci",
+ "7d6e",
+ "3gwn",
+ "2bnu",
+ "5yyd",
+ "5zuw",
+ "3gqx",
+ "4xa3",
+ "5ykb",
+ "1n8n",
+ "5xos",
+ "1cvh",
+ "1jan",
+ "6tt3",
+ "6eb6",
+ "6afv",
+ "6log",
+ "7kpt",
+ "3iox",
+ "3vec",
+ "7z84",
+ "3fw3",
+ "1mkv",
+ "6ypi",
+ "3jwo",
+ "1ulk",
+ "7wrg",
+ "5n7y",
+ "5zcu",
+ "6v9e",
+ "6ug9",
+ "5v6y",
+ "2ybi",
+ "5z24",
+ "6q9p",
+ "1dox",
+ "5leb",
+ "4m2p",
+ "5pig",
+ "8gi1",
+ "1sf1",
+ "2oiq",
+ "7zav",
+ "4czd",
+ "7cd0",
+ "2ouz",
+ "6b41",
+ "6m4w",
+ "2oxx",
+ "6t2h",
+ "4ono",
+ "7p27",
+ "4j1x",
+ "1o8c",
+ "6pm4",
+ "3enb",
+ "7wxk",
+ "1qwe",
+ "1ku6",
+ "2fx6",
+ "3nd5",
+ "5j5q",
+ "3nt7",
+ "1sg3",
+ "1elw",
+ "3hdq",
+ "6te0",
+ "4od6",
+ "5u8m",
+ "6jm4",
+ "6ec7",
+ "3ccq",
+ "7r0r",
+ "2iar",
+ "1re6",
+ "2v2p",
+ "1fxj",
+ "5o10",
+ "4nhp",
+ "6vcj",
+ "3cdu",
+ "4kb2",
+ "5qkn",
+ "1m9p",
+ "6rnu",
+ "4ux4",
+ "7m1k",
+ "6wy9",
+ "4qmh",
+ "5unw",
+ "7s41",
+ "4y7t",
+ "3ny2",
+ "4ax2",
+ "1g0g",
+ "1deu",
+ "7cug",
+ "7d6r",
+ "6ux1",
+ "4cnz",
+ "1eqr",
+ "3gf3",
+ "6dfr",
+ "3zss",
+ "7l9a",
+ "1ecb",
+ "4k4f",
+ "6w8m",
+ "4kwh",
+ "2x85",
+ "2aci",
+ "1yrb",
+ "2k70",
+ "3d87",
+ "5we3",
+ "7qlu",
+ "5emo",
+ "2xfb",
+ "7bb3",
+ "2vhg",
+ "1yd3",
+ "6zgc",
+ "7otk",
+ "5tq5",
+ "6n8w",
+ "6ssz",
+ "4f3v",
+ "3bic",
+ "2hnc",
+ "1e9t",
+ "6e2q",
+ "5qf4",
+ "6ymx",
+ "3h9z",
+ "7lql",
+ "1srv",
+ "1a71",
+ "6l6v",
+ "5tmb",
+ "5xdz",
+ "4fjm",
+ "1tth",
+ "2rnx",
+ "5x1q",
+ "1a2j",
+ "6lup",
+ "1u3r",
+ "6zgl",
+ "5u4a",
+ "4xxb",
+ "7del",
+ "2ime",
+ "5am7",
+ "1xkd",
+ "1e9n",
+ "5zrf",
+ "1m9j",
+ "3ma0",
+ "1z97",
+ "2ad5",
+ "3p7l",
+ "8d6p",
+ "4dyx",
+ "6wnl",
+ "6i3h",
+ "4gm3",
+ "5y83",
+ "2uv5",
+ "6oel",
+ "4ma4",
+ "1bio",
+ "4qed",
+ "2xev",
+ "4nu6",
+ "4w60",
+ "6eog",
+ "5c66",
+ "4bbu",
+ "6f1h",
+ "1eqk",
+ "1ne7",
+ "1lkd",
+ "3ftn",
+ "4dei",
+ "8d0m",
+ "3q68",
+ "2qrt",
+ "7vei",
+ "7dfm",
+ "5hfm",
+ "1jfk",
+ "5yi1",
+ "2bek",
+ "7owf",
+ "7beg",
+ "6k3h",
+ "5pdk",
+ "5xaj",
+ "1mgw",
+ "4tot",
+ "7mf4",
+ "3pl8",
+ "5a3e",
+ "4adw",
+ "2jcd",
+ "4xye",
+ "4d42",
+ "1o47",
+ "7cld",
+ "3dzt",
+ "4d1v",
+ "2vio",
+ "4osl",
+ "4bmx",
+ "6yk5",
+ "2wt1",
+ "1ep2",
+ "2grm",
+ "4cea",
+ "2evl",
+ "2xcf",
+ "4tpg",
+ "1qaq",
+ "7wve",
+ "4b70",
+ "5tqo",
+ "6da1",
+ "3v17",
+ "4oeo",
+ "3woa",
+ "6aqb",
+ "6u4s",
+ "1ur1",
+ "4pks",
+ "2qtn",
+ "7okn",
+ "1add",
+ "6vxv",
+ "6ze8",
+ "1xeg",
+ "1q1c",
+ "6own",
+ "7m0y",
+ "6y2k",
+ "5wq9",
+ "1mc0",
+ "5swb",
+ "6zbx",
+ "7qbc",
+ "2orm",
+ "5hoq",
+ "1mdi",
+ "2plf",
+ "6ziy",
+ "6c9v",
+ "3di3",
+ "6aav",
+ "2qrz",
+ "1i0i",
+ "4ep9",
+ "3mkz",
+ "7ans",
+ "2whl",
+ "3zm8",
+ "2lsu",
+ "7udb",
+ "3t7s",
+ "4u9e",
+ "6a2k",
+ "7njo",
+ "6upj",
+ "8a0o",
+ "1eth",
+ "5pjj",
+ "7m7z",
+ "7r3f",
+ "4y05",
+ "6mgd",
+ "1gxf",
+ "7pi3",
+ "7r3p",
+ "1hxv",
+ "1ixu",
+ "4urh",
+ "4n9d",
+ "7f1o",
+ "7eec",
+ "5fic",
+ "6ywd",
+ "1th0",
+ "4m21",
+ "4qv2",
+ "6xyv",
+ "1fjw",
+ "5vzg",
+ "7fer",
+ "5iub",
+ "2nx7",
+ "4p80",
+ "5typ",
+ "3ub2",
+ "4puh",
+ "7tdl",
+ "2wkp",
+ "1osi",
+ "7che",
+ "4zt1",
+ "2ger",
+ "7evt",
+ "4d4a",
+ "2iyb",
+ "2lsm",
+ "7ziy",
+ "6v4t",
+ "1bui",
+ "2o2y",
+ "7xk3",
+ "6bm5",
+ "1hbj",
+ "3hqm",
+ "4mq7",
+ "7mow",
+ "6nf5",
+ "4k0r",
+ "5ajk",
+ "3h61",
+ "1ihq",
+ "3kbp",
+ "5ru0",
+ "5hs8",
+ "3ewt",
+ "7wvi",
+ "6oql",
+ "1hib",
+ "3p4q",
+ "1diw",
+ "8ewe",
+ "4qdr",
+ "3r0g",
+ "1mq7",
+ "4ih6",
+ "1s9i",
+ "3hzq",
+ "5aiw",
+ "1fsi",
+ "5dmx",
+ "6sdf",
+ "3vln",
+ "3wu2",
+ "7d5i",
+ "2in6",
+ "7ohn",
+ "2c8c",
+ "5x4f",
+ "5opk",
+ "7kt6",
+ "6itb",
+ "5nsm",
+ "7jh6",
+ "2hba",
+ "7p1h",
+ "6juh",
+ "4jpn",
+ "4nh8",
+ "2csa",
+ "3d1f",
+ "6pjf",
+ "4lgv",
+ "6hxg",
+ "6luu",
+ "7ea2",
+ "1fft",
+ "1ahq",
+ "1f5o",
+ "1rjt",
+ "6hwc",
+ "1men",
+ "2vvx",
+ "1t6m",
+ "6ml7",
+ "7z6l",
+ "3jxu",
+ "8ax4",
+ "4k2x",
+ "6dun",
+ "1tnf",
+ "1klg",
+ "7fmr",
+ "6fwr",
+ "3hr7",
+ "3kli",
+ "6r3s",
+ "5l9j",
+ "5erj",
+ "7z42",
+ "3o3p",
+ "5pn1",
+ "5ulv",
+ "7d86",
+ "7tzv",
+ "5paz",
+ "2l89",
+ "4b71",
+ "2m08",
+ "7xua",
+ "4n7x",
+ "1x6p",
+ "2met",
+ "5jkm",
+ "7olr",
+ "2k8o",
+ "7bms",
+ "7vq7",
+ "1rgl",
+ "6zvp",
+ "5drs",
+ "3cgd",
+ "6efv",
+ "4fvy",
+ "4n8y",
+ "6zkx",
+ "3a2b",
+ "3jak",
+ "3fzg",
+ "2aiu",
+ "1g2h",
+ "3liw",
+ "1l37",
+ "1ciw",
+ "1rj7",
+ "2vrm",
+ "3c1y",
+ "3s63",
+ "1btu",
+ "3o32",
+ "1e3z",
+ "4u9o",
+ "4zl7",
+ "3p5d",
+ "3n92",
+ "1gyf",
+ "2w6g",
+ "4o5t",
+ "5y50",
+ "1n3w",
+ "1h97",
+ "7ag0",
+ "6i3v",
+ "7ztx",
+ "1u65",
+ "2xa2",
+ "7x70",
+ "3fqv",
+ "1zj7",
+ "6fr4",
+ "7cns",
+ "2ihb",
+ "2e30",
+ "6e5s",
+ "3may",
+ "6jdu",
+ "6ptx",
+ "4n26",
+ "1z8l",
+ "6vss",
+ "4hec",
+ "3qi4",
+ "3ws7",
+ "4oum",
+ "5w1x",
+ "4bxt",
+ "6bwl",
+ "5hxv",
+ "5yot",
+ "5jza",
+ "7cu2",
+ "4zvb",
+ "1ebp",
+ "4s2t",
+ "6yo3",
+ "3tlq",
+ "5nx8",
+ "1fds",
+ "7ejk",
+ "1h8s",
+ "7upn",
+ "5vhm",
+ "4i3w",
+ "3t7n",
+ "7cyl",
+ "5a0u",
+ "3oft",
+ "5xyn",
+ "1ws8",
+ "7kaj",
+ "5jyt",
+ "5d9j",
+ "6v3k",
+ "4wlz",
+ "7ket",
+ "3usq",
+ "2kyc",
+ "7wxn",
+ "1fh8",
+ "7v3a",
+ "2ovr",
+ "2yiw",
+ "1fq5",
+ "5pnk",
+ "3l4g",
+ "1xck",
+ "2jps",
+ "3i43",
+ "8huy",
+ "2aew",
+ "5boj",
+ "1wp1",
+ "5nx5",
+ "3v7o",
+ "6hyg",
+ "4bm1",
+ "4wbk",
+ "4hpf",
+ "5b74",
+ "2bs5",
+ "7bwk",
+ "1hla",
+ "8a7e",
+ "3c20",
+ "6png",
+ "3gta",
+ "2d3q",
+ "4xdp",
+ "1khj",
+ "6qax",
+ "2hbj",
+ "2mqe",
+ "1b9x",
+ "7t4s",
+ "4d8e",
+ "5u2u",
+ "4qy9",
+ "3m75",
+ "3fcs",
+ "5qnr",
+ "4gqn",
+ "6ull",
+ "5hva",
+ "7q7u",
+ "6rnh",
+ "6wik",
+ "2q9h",
+ "3ov6",
+ "4ddz",
+ "3fht",
+ "3jub",
+ "3mgb",
+ "1u8m",
+ "7t3h",
+ "5jr4",
+ "5xj1",
+ "4xr2",
+ "7e77",
+ "1ls5",
+ "3tkh",
+ "6vmb",
+ "7khf",
+ "7arw",
+ "4mt4",
+ "3eq9",
+ "7wl4",
+ "6jnx",
+ "2qei",
+ "3ryb",
+ "5y30",
+ "3mps",
+ "6l2u",
+ "1zi3",
+ "4rw5",
+ "6mk7",
+ "6gid",
+ "6qrb",
+ "5v6e",
+ "6kbw",
+ "2xts",
+ "1d07",
+ "4uio",
+ "3d7m",
+ "7pq4",
+ "3t6b",
+ "4kyr",
+ "3klz",
+ "3paa",
+ "3e3k",
+ "7z1y",
+ "3ayg",
+ "3nk3",
+ "7r7l",
+ "1lmo",
+ "3rkg",
+ "2yel",
+ "6wi7",
+ "7k2u",
+ "4x1z",
+ "4en7",
+ "5ik9",
+ "3sxg",
+ "6zqj",
+ "3t5c",
+ "6b38",
+ "1ikj",
+ "4nay",
+ "1xig",
+ "6itg",
+ "5udo",
+ "4okp",
+ "7en6",
+ "3gql",
+ "1kft",
+ "3a02",
+ "7seo",
+ "5d1k",
+ "6xa3",
+ "5cpz",
+ "4i5u",
+ "7fn8",
+ "3bag",
+ "1k0v",
+ "3uiy",
+ "5k3g",
+ "4oi2",
+ "3u7d",
+ "3vuk",
+ "5ub7",
+ "5aqm",
+ "6px4",
+ "4wo6",
+ "3ss8",
+ "7ryp",
+ "6vom",
+ "3pee",
+ "5eox",
+ "8bgr",
+ "7ka4",
+ "4ecq",
+ "2mq5",
+ "7fp7",
+ "6yv8",
+ "6ki1",
+ "1cry",
+ "6lhf",
+ "7oaj",
+ "5kfr",
+ "4aha",
+ "3eb6",
+ "5lmd",
+ "3i33",
+ "7mzy",
+ "3mzk",
+ "4gel",
+ "7at0",
+ "5zbf",
+ "5ek6",
+ "4zsw",
+ "5mju",
+ "1idp",
+ "2emt",
+ "1dxg",
+ "7x74",
+ "4gi8",
+ "1uge",
+ "3djf",
+ "6mje",
+ "2je3",
+ "1s8c",
+ "7fpi",
+ "6mof",
+ "6af9",
+ "3d4s",
+ "7w1v",
+ "5pp9",
+ "4h0t",
+ "3uw5",
+ "4m5s",
+ "5t2k",
+ "1x9i",
+ "3r8i",
+ "1saf",
+ "4ibk",
+ "6xgu",
+ "2jic",
+ "5cp8",
+ "5i86",
+ "7ng7",
+ "6gpr",
+ "2zhr",
+ "4dph",
+ "5bxz",
+ "4mv5",
+ "6hc9",
+ "3dkw",
+ "3ghu",
+ "5wo1",
+ "1dve",
+ "2iy2",
+ "3nv8",
+ "1gbw",
+ "3g0b",
+ "6hpx",
+ "1tkw",
+ "3w69",
+ "6ejg",
+ "1sa4",
+ "7dx4",
+ "4dl8",
+ "1afc",
+ "2wky",
+ "7r0s",
+ "1c1r",
+ "3izm",
+ "5iiv",
+ "4mmb",
+ "6y0m",
+ "8dcd",
+ "1oaz",
+ "3t9j",
+ "1rsc",
+ "1iu1",
+ "2v41",
+ "7vtg",
+ "1d6r",
+ "5wr2",
+ "3p85",
+ "2h0d",
+ "4ld2",
+ "5vxa",
+ "4lsj",
+ "1jkl",
+ "3fid",
+ "7esy",
+ "6no3",
+ "3mb3",
+ "3b87",
+ "2dub",
+ "1pyu",
+ "4zn7",
+ "4x6b",
+ "3shs",
+ "3pdc",
+ "5pqx",
+ "1g0p",
+ "4gry",
+ "1gq5",
+ "1r74",
+ "6hb4",
+ "5hc1",
+ "7qcw",
+ "6tpo",
+ "7soq",
+ "3bhi",
+ "1p73",
+ "5lp4",
+ "6ito",
+ "4k6r",
+ "3gv9",
+ "1a1u",
+ "1j25",
+ "6h09",
+ "6hvj",
+ "6sa8",
+ "3oqs",
+ "1kkm",
+ "5rlm",
+ "3fgu",
+ "6nby",
+ "7n14",
+ "6v1k",
+ "2d4c",
+ "1xut",
+ "1pqc",
+ "1kvq",
+ "4jhc",
+ "5wgl",
+ "6a8s",
+ "5rv5",
+ "1clx",
+ "1owd",
+ "1mzo",
+ "6hkf",
+ "7n16",
+ "1p06",
+ "2p81",
+ "5vr7",
+ "4uw6",
+ "6ru5",
+ "1gv1",
+ "1fbv",
+ "1kew",
+ "6i5k",
+ "4yd2",
+ "1z09",
+ "3wmw",
+ "5d27",
+ "3a5i",
+ "4y6p",
+ "7tqh",
+ "5m2c",
+ "8dej",
+ "1ki9",
+ "3at2",
+ "6vbk",
+ "3i62",
+ "3t0m",
+ "7wxh",
+ "7d36",
+ "2dsd",
+ "6pku",
+ "1gmj",
+ "2n7g",
+ "3hkc",
+ "3qtq",
+ "7p67",
+ "8a2h",
+ "6ojl",
+ "7fqm",
+ "4xb6",
+ "7nu5",
+ "1byd",
+ "6qnj",
+ "7atp",
+ "5dri",
+ "7d17",
+ "4aro",
+ "7akp",
+ "2v8d",
+ "4o4u",
+ "5l1b",
+ "4hjo",
+ "3pv2",
+ "5y2v",
+ "1fr3",
+ "6cej",
+ "5am6",
+ "1dwr",
+ "6ep3",
+ "7u0m",
+ "4h9e",
+ "6dkj",
+ "4ns2",
+ "1fkd",
+ "6w5h",
+ "4dgj",
+ "2mfn",
+ "5e4j",
+ "3n4w",
+ "1bm2",
+ "5xww",
+ "5ctg",
+ "7fo5",
+ "8h7t",
+ "4nmb",
+ "4oiq",
+ "3m4a",
+ "1f8m",
+ "5l9o",
+ "3r9x",
+ "2eya",
+ "5xvj",
+ "6fs7",
+ "3hfe",
+ "2g3q",
+ "5kk3",
+ "2ezu",
+ "7cfl",
+ "1nl4",
+ "4pz3",
+ "3l8e",
+ "5r0i",
+ "6tq0",
+ "4keq",
+ "8id8",
+ "1w61",
+ "3ayv",
+ "1z8i",
+ "2eiq",
+ "4waa",
+ "6ego",
+ "2adc",
+ "7k33",
+ "4az7",
+ "4cab",
+ "5wjo",
+ "5rc7",
+ "3tlt",
+ "6l8v",
+ "6b7g",
+ "3wc5",
+ "4ulv",
+ "6e5g",
+ "1lob",
+ "5n4b",
+ "2ys6",
+ "4ezp",
+ "8xim",
+ "5lyx",
+ "3qxz",
+ "2x38",
+ "4nwq",
+ "6m2h",
+ "2zhu",
+ "3ami",
+ "3ryg",
+ "6pos",
+ "6jwk",
+ "1hv1",
+ "7jru",
+ "4cqb",
+ "6gi2",
+ "5o3i",
+ "3dgp",
+ "2xxs",
+ "4av1",
+ "4lyq",
+ "5v35",
+ "2rob",
+ "5ekf",
+ "6u3u",
+ "8hhy",
+ "3hpq",
+ "8ebt",
+ "6ubt",
+ "1qzf",
+ "6gf2",
+ "2b4z",
+ "5gpc",
+ "6hox",
+ "6yxu",
+ "5gtm",
+ "5al8",
+ "1li2",
+ "5huh",
+ "6cj7",
+ "6iuc",
+ "4q2s",
+ "5b1n",
+ "7pt4",
+ "1kt0",
+ "7fbd",
+ "6opc",
+ "5pld",
+ "6m2g",
+ "1pit",
+ "5d3e",
+ "2wgf",
+ "2kil",
+ "3mal",
+ "6u0u",
+ "7uxk",
+ "3spg",
+ "5xsa",
+ "6boq",
+ "4lpi",
+ "6yea",
+ "3hk0",
+ "6bxb",
+ "1zgi",
+ "1toq",
+ "4qgw",
+ "1wzy",
+ "7e4r",
+ "6zqz",
+ "5ldn",
+ "1szu",
+ "3qxx",
+ "3pmw",
+ "5mum",
+ "6ch1",
+ "8drb",
+ "1n40",
+ "3g8h",
+ "1h2n",
+ "3mvz",
+ "2ope",
+ "1tib",
+ "1xx2",
+ "5z7z",
+ "3k8t",
+ "1bbj",
+ "4eg0",
+ "5tlf",
+ "6wqi",
+ "4lb2",
+ "1u5i",
+ "2kvf",
+ "5mx2",
+ "5l0q",
+ "1kgf",
+ "7wrt",
+ "6ebu",
+ "6da5",
+ "5j0q",
+ "6bib",
+ "8ba3",
+ "7ybo",
+ "3wio",
+ "3pbb",
+ "5cmc",
+ "1a4g",
+ "1xv9",
+ "2cyk",
+ "1l5l",
+ "3brt",
+ "5z50",
+ "3uje",
+ "2ic8",
+ "3zvj",
+ "2ppp",
+ "5v91",
+ "4mhr",
+ "5b6w",
+ "2zt1",
+ "1d4t",
+ "2ixs",
+ "4zfv",
+ "4rq5",
+ "5s4o",
+ "5kic",
+ "7mm4",
+ "7xvr",
+ "5lch",
+ "4od7",
+ "6zbk",
+ "2buc",
+ "5nnq",
+ "4chx",
+ "4ow6",
+ "1v10",
+ "6ze5",
+ "4oor",
+ "1lrk",
+ "4csj",
+ "3ftj",
+ "3gf5",
+ "5dkt",
+ "3c49",
+ "3w6b",
+ "1fur",
+ "3usi",
+ "1mln",
+ "7m8y",
+ "6wkh",
+ "2xvx",
+ "6wyo",
+ "1iaa",
+ "7vuc",
+ "8dy9",
+ "7l5a",
+ "1war",
+ "4iap",
+ "2nrc",
+ "1abe",
+ "6bgp",
+ "4k5y",
+ "2l3h",
+ "4y4n",
+ "1tda",
+ "1su6",
+ "6ot6",
+ "6mj1",
+ "2mdu",
+ "1pix",
+ "6hn2",
+ "4o2l",
+ "6az0",
+ "3zwh",
+ "8dgw",
+ "2cjl",
+ "7ler",
+ "2ru3",
+ "2mhr",
+ "3rlv",
+ "2jxy",
+ "3glk",
+ "4yx4",
+ "1vic",
+ "6i3d",
+ "5s22",
+ "4i1l",
+ "7rsv",
+ "4auj",
+ "3by1",
+ "1kvx",
+ "1zku",
+ "1i00",
+ "4zw6",
+ "6tod",
+ "1dgh",
+ "1ab8",
+ "4pf7",
+ "4h2l",
+ "3sbp",
+ "1zzz",
+ "1rpo",
+ "3up4",
+ "1ft0",
+ "2hkk",
+ "1e22",
+ "1ef3",
+ "6fsb",
+ "8dgx",
+ "5doz",
+ "6r41",
+ "7bt7",
+ "6evo",
+ "4fdh",
+ "6z92",
+ "2io8",
+ "5r3k",
+ "1eq7",
+ "5mdd",
+ "5ko6",
+ "5s5f",
+ "5rty",
+ "8gwi",
+ "4zip",
+ "2lt3",
+ "7n17",
+ "5jei",
+ "5pow",
+ "2cjn",
+ "5mgx",
+ "3m7w",
+ "4kie",
+ "6dpl",
+ "5y0f",
+ "5ql4",
+ "1tpe",
+ "6df7",
+ "8a0d",
+ "5v48",
+ "6ckl",
+ "2qz6",
+ "6ulz",
+ "5fee",
+ "6y4q",
+ "5hfz",
+ "4qqw",
+ "5nra",
+ "4gr6",
+ "2jhr",
+ "1pr4",
+ "5xl3",
+ "5a0g",
+ "4uqz",
+ "8el7",
+ "1mrs",
+ "6uot",
+ "7oz7",
+ "1ag8",
+ "6e3k",
+ "4ch1",
+ "2pp4",
+ "1adj",
+ "1j19",
+ "4okb",
+ "2jgc",
+ "6su5",
+ "3quv",
+ "1arp",
+ "5i62",
+ "1qrb",
+ "3vau",
+ "4wck",
+ "5nhg",
+ "5ahw",
+ "1loy",
+ "4w53",
+ "6sxi",
+ "6iod",
+ "3f5x",
+ "3as5",
+ "1sof",
+ "5ib2",
+ "4y9s",
+ "6f4q",
+ "8b2m",
+ "7yr5",
+ "2azy",
+ "6p2e",
+ "3rv4",
+ "3mc2",
+ "4a6s",
+ "5h83",
+ "6e4r",
+ "5jal",
+ "5o37",
+ "2y2e",
+ "5pvz",
+ "2g4b",
+ "3kmw",
+ "7o4k",
+ "4kxz",
+ "6st3",
+ "4r0z",
+ "7meh",
+ "1lms",
+ "4od4",
+ "4pvj",
+ "1ats",
+ "2qty",
+ "5b1m",
+ "6ejd",
+ "6iz8",
+ "4rqq",
+ "3oh0",
+ "1e09",
+ "5gob",
+ "3our",
+ "1o6z",
+ "3dp3",
+ "6bsd",
+ "5pdb",
+ "5tfv",
+ "7jjv",
+ "1eep",
+ "8dwl",
+ "6qai",
+ "7mq1",
+ "4z82",
+ "3swb",
+ "1wm7",
+ "8rnt",
+ "7zww",
+ "6x8y",
+ "6dku",
+ "4djx",
+ "3k64",
+ "5tsp",
+ "2coj",
+ "6u8n",
+ "5wnj",
+ "3d06",
+ "1r0y",
+ "5za1",
+ "8ew0",
+ "4chq",
+ "5rpx",
+ "7dgf",
+ "2vc0",
+ "6vn5",
+ "2fgl",
+ "1ak4",
+ "6ijj",
+ "6a70",
+ "4xu1",
+ "1lfk",
+ "5fhm",
+ "4m8j",
+ "7ubj",
+ "3sg8",
+ "5aj2",
+ "2lej",
+ "7epc",
+ "2b1i",
+ "8bqw",
+ "1fnu",
+ "2k48",
+ "6bmn",
+ "1gl4",
+ "4wl7",
+ "3g0a",
+ "6qio",
+ "7k3u",
+ "4gd0",
+ "4xlq",
+ "1io1",
+ "5d68",
+ "2ay2",
+ "3g32",
+ "2r30",
+ "4nqc",
+ "7udk",
+ "1ztn",
+ "5t9z",
+ "4jix",
+ "1exq",
+ "1nz8",
+ "2q2w",
+ "4fe4",
+ "7osu",
+ "4aem",
+ "5rul",
+ "6nw9",
+ "6ril",
+ "3bxq",
+ "4m22",
+ "4hkb",
+ "1q22",
+ "5fr2",
+ "6ls5",
+ "7lri",
+ "1drv",
+ "1wn5",
+ "3k9v",
+ "1gsu",
+ "1c3y",
+ "5jo9",
+ "7rvm",
+ "4x9z",
+ "4j3y",
+ "1eid",
+ "3etc",
+ "7en5",
+ "8e9g",
+ "1aid",
+ "1ba3",
+ "2mse",
+ "5fez",
+ "1iyq",
+ "7m7a",
+ "6lhl",
+ "5iut",
+ "3six",
+ "4n9c",
+ "2nx3",
+ "5kd6",
+ "3v9l",
+ "4ehv",
+ "2l59",
+ "6ko8",
+ "1qdr",
+ "1eem",
+ "1f4j",
+ "8ahs",
+ "6wxk",
+ "7fn3",
+ "6evn",
+ "3e76",
+ "6oko",
+ "1sqe",
+ "3qkt",
+ "1ilg",
+ "7ztf",
+ "1p2i",
+ "5t4l",
+ "4er8",
+ "5tbx",
+ "4d45",
+ "3i54",
+ "6o7n",
+ "2rhb",
+ "5bpy",
+ "4pv0",
+ "7s10",
+ "1qh0",
+ "1u59",
+ "1isi",
+ "7tjx",
+ "4bya",
+ "6ii1",
+ "4jr7",
+ "6zct",
+ "2gv1",
+ "6bo1",
+ "7qrv",
+ "3c7x",
+ "5itf",
+ "5s38",
+ "5uv5",
+ "4cpw",
+ "5brf",
+ "1dyc",
+ "5v00",
+ "8et2",
+ "5ewj",
+ "2mel",
+ "5o49",
+ "2n9l",
+ "1fsn",
+ "6uwp",
+ "6amx",
+ "7r68",
+ "1dg3",
+ "7e5y",
+ "8e1h",
+ "1k0o",
+ "6x8w",
+ "5mb9",
+ "6kn9",
+ "3d05",
+ "1jk6",
+ "5k5h",
+ "1a25",
+ "5r10",
+ "1e0f",
+ "4upe",
+ "4meb",
+ "2mdf",
+ "5z66",
+ "6l9m",
+ "3koz",
+ "7l62",
+ "3si0",
+ "2glv",
+ "2tsc",
+ "1ff5",
+ "1t6q",
+ "1sjq",
+ "1nbe",
+ "3bx1",
+ "6y5h",
+ "5gxu",
+ "3sbz",
+ "2zst",
+ "3cwh",
+ "5dp3",
+ "6fmv",
+ "2wyg",
+ "4w5r",
+ "5r9j",
+ "4k03",
+ "5fal",
+ "2uv4",
+ "4iez",
+ "6oy0",
+ "1p00",
+ "1tol",
+ "6nke",
+ "7lhz",
+ "4p5m",
+ "7op7",
+ "3agy",
+ "4hry",
+ "3sxp",
+ "5miq",
+ "4zry",
+ "5sxq",
+ "2hz5",
+ "4wby",
+ "7kb1",
+ "6o4c",
+ "2wu6",
+ "4n4n",
+ "3kqd",
+ "7u7x",
+ "5p4t",
+ "7vuf",
+ "4plz",
+ "3wnr",
+ "5w0f",
+ "8dc6",
+ "6mh8",
+ "6zhx",
+ "1tsp",
+ "6dhz",
+ "3tim",
+ "5ybp",
+ "4py2",
+ "1el4",
+ "5y25",
+ "6fmd",
+ "2p0x",
+ "5y4c",
+ "5dq8",
+ "8dna",
+ "6k5l",
+ "1hcl",
+ "2w9l",
+ "7q67",
+ "3a4n",
+ "5i59",
+ "1jne",
+ "2qe5",
+ "5ozf",
+ "3dre",
+ "5zjb",
+ "7qaa",
+ "2cbm",
+ "1w3x",
+ "7ape",
+ "6fvj",
+ "6bf2",
+ "1shp",
+ "5rg8",
+ "1ux2",
+ "5xq0",
+ "4dqn",
+ "6kvp",
+ "4p72",
+ "1jco",
+ "4ahu",
+ "6fad",
+ "3u2l",
+ "2ouq",
+ "5i2m",
+ "6bgw",
+ "5foj",
+ "3mhx",
+ "5n09",
+ "1rjz",
+ "3gj0",
+ "8fe9",
+ "5s2x",
+ "1xgq",
+ "1zvu",
+ "1zal",
+ "4rzt",
+ "2huo",
+ "7zxf",
+ "7lnn",
+ "7dzt",
+ "6cqv",
+ "5pxc",
+ "3vhm",
+ "4gzr",
+ "4xz1",
+ "4fmk",
+ "3r21",
+ "1ojr",
+ "1s9a",
+ "2cih",
+ "1m7a",
+ "2gt1",
+ "5ghs",
+ "6q71",
+ "7re0",
+ "3k4o",
+ "1l8a",
+ "2lba",
+ "5az1",
+ "4xos",
+ "5phw",
+ "1qtt",
+ "6yvs",
+ "4dj6",
+ "4iya",
+ "5mar",
+ "1i4a",
+ "3hrq",
+ "6o9c",
+ "5ai3",
+ "5alz",
+ "2v58",
+ "6bx5",
+ "2wex",
+ "6px9",
+ "7lw1",
+ "5s5l",
+ "3r9c",
+ "6ubd",
+ "2bxh",
+ "1qmn",
+ "3wgg",
+ "7r49",
+ "4m0q",
+ "4lvb",
+ "5thl",
+ "1rs8",
+ "1gjr",
+ "4qyg",
+ "2nw3",
+ "1tdc",
+ "1c70",
+ "2e6e",
+ "1dmj",
+ "2jrv",
+ "2aqc",
+ "5ila",
+ "1wrg",
+ "3hcu",
+ "5ogr",
+ "3tkj",
+ "7cwc",
+ "4lkk",
+ "8e29",
+ "4hw3",
+ "2jtk",
+ "1ma9",
+ "2kwq",
+ "3fcv",
+ "1bj8",
+ "2ow9",
+ "3lb4",
+ "2cm4",
+ "6h3p",
+ "1tc6",
+ "4g11",
+ "5uo1",
+ "5bx3",
+ "5e27",
+ "2ykh",
+ "4mad",
+ "1wky",
+ "6yp6",
+ "1tkr",
+ "6gih",
+ "7lew",
+ "1j96",
+ "6lkg",
+ "1zrx",
+ "6iek",
+ "6n8b",
+ "3hhc",
+ "7jm7",
+ "4ypr",
+ "7kex",
+ "4aqw",
+ "3h7h",
+ "6e0l",
+ "6i77",
+ "7lqt",
+ "6qf2",
+ "2mk3",
+ "7ts5",
+ "1bj7",
+ "6gpm",
+ "6vs0",
+ "5nil",
+ "3m08",
+ "1fy2",
+ "8eyo",
+ "4dil",
+ "7k7r",
+ "1fkn",
+ "1opy",
+ "5fge",
+ "7quj",
+ "5l0i",
+ "8c6d",
+ "6zq5",
+ "5lnz",
+ "5tpk",
+ "5kjb",
+ "1xqv",
+ "3ku3",
+ "1zy5",
+ "5cul",
+ "5ql5",
+ "6snd",
+ "4b4l",
+ "3i5z",
+ "3cqi",
+ "4ucy",
+ "1qdq",
+ "6d5u",
+ "5agw",
+ "5m3l",
+ "2ex1",
+ "3bv2",
+ "4bbb",
+ "7ndr",
+ "2va1",
+ "5d3i",
+ "7bcy",
+ "7lkx",
+ "7uxt",
+ "1ulf",
+ "3oqm",
+ "4zdu",
+ "7rmi",
+ "4b9h",
+ "1jqv",
+ "3rgd",
+ "6adc",
+ "1nmq",
+ "7rvv",
+ "3tpx",
+ "2lwa",
+ "4rmt",
+ "7d0e",
+ "5ihh",
+ "3nca",
+ "3o51",
+ "5b6t",
+ "7u9f",
+ "1ad1",
+ "6pot",
+ "2izp",
+ "3rlq",
+ "7yzi",
+ "3ujf",
+ "4zk7",
+ "3nvx",
+ "1mof",
+ "4jmn",
+ "2yny",
+ "4afr",
+ "4tzm",
+ "3i4b",
+ "3a9q",
+ "5glc",
+ "7wr3",
+ "2ivs",
+ "5dcl",
+ "5r0k",
+ "3tb7",
+ "6xs8",
+ "5pmg",
+ "5k4y",
+ "1ah7",
+ "5swl",
+ "6pfo",
+ "6kjx",
+ "7oxd",
+ "8h52",
+ "6fyj",
+ "4wb3",
+ "4u94",
+ "1zaf",
+ "7bvn",
+ "2j4e",
+ "5rdp",
+ "2e8w",
+ "5zte",
+ "3s8q",
+ "7pw1",
+ "2fy4",
+ "6t0c",
+ "6y6v",
+ "5ztx",
+ "6hpn",
+ "5glp",
+ "1bjt",
+ "5css",
+ "7jym",
+ "7c0p",
+ "5dwi",
+ "2hfh",
+ "5g01",
+ "4gxx",
+ "1xyw",
+ "3zqt",
+ "2ym2",
+ "6gbb",
+ "6olx",
+ "3a5s",
+ "3ojt",
+ "2fu4",
+ "6wtj",
+ "5oxd",
+ "2qz4",
+ "7e1r",
+ "2bnr",
+ "5oo0",
+ "2eb2",
+ "3bkt",
+ "5idm",
+ "1fwr",
+ "6cx7",
+ "7f1g",
+ "6f6z",
+ "5tdx",
+ "5ymw",
+ "5ai0",
+ "3hjs",
+ "8h85",
+ "4chz",
+ "4o3w",
+ "2byf",
+ "1oz9",
+ "1xe4",
+ "7ccr",
+ "2qrs",
+ "4ci5",
+ "2azr",
+ "2rlp",
+ "1zax",
+ "6i0w",
+ "5u7a",
+ "2ajf",
+ "7so4",
+ "7c7q",
+ "2jtx",
+ "7uea",
+ "4kod",
+ "4wuj",
+ "4adc",
+ "3frk",
+ "6r90",
+ "6xes",
+ "5stq",
+ "5brm",
+ "6m4e",
+ "1kan",
+ "6git",
+ "7o20",
+ "6zyu",
+ "1tbp",
+ "5g1n",
+ "1cl0",
+ "7w4x",
+ "6g9x",
+ "1lwl",
+ "6dyh",
+ "4x8b",
+ "3sit",
+ "3wd5",
+ "6bjc",
+ "8bvd",
+ "6pf9",
+ "7zwr",
+ "6rr1",
+ "3hxi",
+ "6tpl",
+ "2ja1",
+ "1o35",
+ "7mhh",
+ "6jxq",
+ "4rwx",
+ "1dpg",
+ "5py9",
+ "3aid",
+ "7s3i",
+ "1a96",
+ "6ybj",
+ "3qgl",
+ "4hut",
+ "4baf",
+ "1zaq",
+ "5vwn",
+ "3dcn",
+ "7vg7",
+ "2vm4",
+ "2kms",
+ "1fdb",
+ "4do5",
+ "4pjr",
+ "5otl",
+ "1kt4",
+ "3t71",
+ "1uh1",
+ "2gyr",
+ "6gph",
+ "4yuo",
+ "1ady",
+ "6ykw",
+ "5aoe",
+ "5ddw",
+ "5pvs",
+ "6gne",
+ "1mpb",
+ "5s3h",
+ "5c4s",
+ "5ynr",
+ "6i02",
+ "2km1",
+ "1umc",
+ "2rnm",
+ "3tsp",
+ "2k4h",
+ "1t3c",
+ "3d8n",
+ "4x2w",
+ "4nbb",
+ "6qn2",
+ "1rkh",
+ "7ufl",
+ "7rgr",
+ "6zqi",
+ "5u01",
+ "6rpn",
+ "5h8i",
+ "1tvg",
+ "2bqg",
+ "2z8a",
+ "7vbh",
+ "7qlf",
+ "3c8b",
+ "1mer",
+ "5ts4",
+ "4itp",
+ "4r3u",
+ "2g20",
+ "3w7w",
+ "1i8f",
+ "6asq",
+ "7b0k",
+ "5d4l",
+ "3mmb",
+ "2q6b",
+ "6una",
+ "4zfb",
+ "1bqf",
+ "6qcb",
+ "2ca6",
+ "2ggx",
+ "7ok2",
+ "4g6i",
+ "4puq",
+ "7u1b",
+ "5dug",
+ "6nad",
+ "2qq7",
+ "1h21",
+ "4gzw",
+ "2blb",
+ "4ypn",
+ "2lqj",
+ "2wdz",
+ "3mby",
+ "5ube",
+ "6bee",
+ "7twd",
+ "5s4f",
+ "4cxp",
+ "6rhy",
+ "7u63",
+ "1jqu",
+ "4jlf",
+ "4y1p",
+ "1zxq",
+ "6wid",
+ "2r02",
+ "5xig",
+ "1w5n",
+ "5b0b",
+ "4fbh",
+ "4giu",
+ "1xb1",
+ "5qu3",
+ "1c3a",
+ "2jks",
+ "6pwh",
+ "5huj",
+ "2z2p",
+ "1qwm",
+ "1tq0",
+ "6bjl",
+ "6z6f",
+ "1bzs",
+ "1ibc",
+ "1oil",
+ "1w08",
+ "6pnd",
+ "2guz",
+ "6kgv",
+ "5kmm",
+ "6hud",
+ "3syo",
+ "5p1y",
+ "5ln1",
+ "3tik",
+ "7nco",
+ "6gdo",
+ "6hrz",
+ "3vef",
+ "1pmn",
+ "7xr4",
+ "2iqa",
+ "5p3b",
+ "5zt5",
+ "6d1q",
+ "4twt",
+ "5yvg",
+ "3kvb",
+ "7pwf",
+ "1ckf",
+ "1iyp",
+ "6hjs",
+ "3cyl",
+ "1ffm",
+ "6zcf",
+ "8i28",
+ "8bgp",
+ "4jyc",
+ "1oqr",
+ "4jaq",
+ "2fnm",
+ "5jaj",
+ "1a5r",
+ "3vfm",
+ "7vg5",
+ "1kjg",
+ "5i9n",
+ "4cf6",
+ "6cw9",
+ "7qmx",
+ "2kc2",
+ "5jpx",
+ "3hik",
+ "1uqr",
+ "2p1m",
+ "4bhi",
+ "1w7n",
+ "6feq",
+ "4hb5",
+ "2k21",
+ "3b7g",
+ "1bg2",
+ "3af0",
+ "6vij",
+ "5n26",
+ "3qo9",
+ "6i4u",
+ "7ovm",
+ "2hqw",
+ "1ta8",
+ "8b0s",
+ "1u06",
+ "4nll",
+ "3w68",
+ "5rgi",
+ "1q74",
+ "4b6j",
+ "4ny4",
+ "5stv",
+ "6s56",
+ "2phi",
+ "5lkn",
+ "3wog",
+ "3erp",
+ "2hlq",
+ "2kg0",
+ "1avu",
+ "6dgn",
+ "6l94",
+ "4w59",
+ "6okv",
+ "7ehr",
+ "1uzc",
+ "1is8",
+ "3quw",
+ "7rmx",
+ "3b70",
+ "3s9y",
+ "2wu7",
+ "3tih",
+ "7avl",
+ "3gv6",
+ "4aox",
+ "6lj2",
+ "2wtu",
+ "1v4b",
+ "4jg6",
+ "7x10",
+ "1rv8",
+ "4q36",
+ "1ixo",
+ "4cgf",
+ "7zzr",
+ "7d5j",
+ "2w3x",
+ "7k6z",
+ "2yjf",
+ "1fvq",
+ "1oao",
+ "8efe",
+ "5gt1",
+ "5abw",
+ "1jcf",
+ "7z5z",
+ "3vzg",
+ "5r1d",
+ "6uwe",
+ "5z6o",
+ "3nis",
+ "7tlo",
+ "4j0z",
+ "1psv",
+ "2wl8",
+ "7o6e",
+ "5vso",
+ "4x31",
+ "1tuh",
+ "3wcd",
+ "5hgl",
+ "4yoq",
+ "7kmg",
+ "2prb",
+ "6fwl",
+ "2w3n",
+ "7prt",
+ "5pn9",
+ "1k9q",
+ "4s2o",
+ "3eqh",
+ "1all",
+ "2g0z",
+ "5ujv",
+ "4jll",
+ "8aly",
+ "3c7n",
+ "6d6q",
+ "1r05",
+ "6x3k",
+ "6vhv",
+ "4qv3",
+ "5ury",
+ "6tzx",
+ "4g31",
+ "1op2",
+ "2npu",
+ "4jh4",
+ "3wdd",
+ "6gx4",
+ "3dlu",
+ "7d8k",
+ "5ago",
+ "4p2h",
+ "6ssa",
+ "6uw9",
+ "7vf4",
+ "1ho5",
+ "3gfi",
+ "4ae2",
+ "3a56",
+ "4apa",
+ "3qkw",
+ "6l2p",
+ "8fh2",
+ "3r92",
+ "2ppn",
+ "5cno",
+ "1ska",
+ "4wws",
+ "3wsr",
+ "4zx8",
+ "6bl2",
+ "2r6n",
+ "4hea",
+ "1sqk",
+ "6ens",
+ "4j5x",
+ "6q4i",
+ "3lrf",
+ "5o0h",
+ "6jsb",
+ "2xku",
+ "4a46",
+ "6ohe",
+ "3g03",
+ "5bp1",
+ "2bbn",
+ "4rvk",
+ "5aur",
+ "2hv9",
+ "7rwq",
+ "1ozr",
+ "3wca",
+ "4g1y",
+ "6mbh",
+ "6wru",
+ "1ueh",
+ "7axi",
+ "3ixe",
+ "1ynr",
+ "3fcb",
+ "2d4f",
+ "3w95",
+ "3s6z",
+ "7thf",
+ "1slb",
+ "4r89",
+ "1bqk",
+ "7o5m",
+ "4ri0",
+ "6quw",
+ "4fhq",
+ "2ntg",
+ "2pm6",
+ "8dpq",
+ "5kyg",
+ "5bph",
+ "5uu5",
+ "5w9d",
+ "6lpj",
+ "1xs1",
+ "6b67",
+ "4gn3",
+ "7vcp",
+ "7nik",
+ "2pdx",
+ "6k2k",
+ "6qpm",
+ "2zef",
+ "5rtn",
+ "1lwx",
+ "2iny",
+ "4a13",
+ "5cnx",
+ "5rol",
+ "1ge8",
+ "4pv9",
+ "6tqx",
+ "1z2e",
+ "4ju6",
+ "7n6p",
+ "4d62",
+ "4kts",
+ "5zvd",
+ "1rwu",
+ "6rc3",
+ "7nc8",
+ "4eny",
+ "1cps",
+ "2a87",
+ "5hx6",
+ "4la9",
+ "5oyi",
+ "1mwk",
+ "6wjn",
+ "3eue",
+ "3b3x",
+ "2g3n",
+ "7d6f",
+ "1b7a",
+ "7mft",
+ "5hjn",
+ "4awm",
+ "5r25",
+ "1dii",
+ "3u6r",
+ "5uk5",
+ "1lup",
+ "5f63",
+ "4oko",
+ "6d5o",
+ "2grq",
+ "3g69",
+ "1xt8",
+ "7c04",
+ "7fh4",
+ "7vg4",
+ "3trw",
+ "7usb",
+ "1gxc",
+ "5c86",
+ "1nw2",
+ "6c6o",
+ "2xnr",
+ "6afd",
+ "6h4w",
+ "2xds",
+ "4a3p",
+ "1f2p",
+ "6z06",
+ "4l49",
+ "3d25",
+ "4gpt",
+ "1bar",
+ "1d3c",
+ "6ze9",
+ "6t77",
+ "3vre",
+ "1k7w",
+ "7lml",
+ "4jvm",
+ "1t20",
+ "6gk6",
+ "4bek",
+ "1nty",
+ "2p95",
+ "2mxq",
+ "7tpp",
+ "2xom",
+ "6a6w",
+ "2evq",
+ "2gd0",
+ "4hb1",
+ "5gms",
+ "5h47",
+ "2dqf",
+ "1ntx",
+ "1il0",
+ "3d2d",
+ "2ka7",
+ "4or0",
+ "4mo4",
+ "6iug",
+ "6dec",
+ "2he5",
+ "1z0h",
+ "4bsu",
+ "1o33",
+ "5t6f",
+ "5txn",
+ "2vul",
+ "7wr6",
+ "1ud6",
+ "5vwx",
+ "2uvn",
+ "4gt0",
+ "6d0l",
+ "6pt1",
+ "1isj",
+ "3zc9",
+ "1zhw",
+ "6tj9",
+ "6s3m",
+ "4iqp",
+ "6gey",
+ "3n87",
+ "5dbv",
+ "5nrh",
+ "5b56",
+ "3qmo",
+ "6xo4",
+ "6mx8",
+ "4qvq",
+ "5qj1",
+ "1qmy",
+ "4ga3",
+ "7mom",
+ "5uwi",
+ "1eol",
+ "1yld",
+ "7wof",
+ "5f5v",
+ "1u0i",
+ "2rat",
+ "1ry9",
+ "2gt2",
+ "1ez6",
+ "5jrc",
+ "7clj",
+ "1yz9",
+ "1zhm",
+ "6kbd",
+ "4jgw",
+ "1ozz",
+ "4ceb",
+ "3e4u",
+ "2ei4",
+ "5uax",
+ "4wvo",
+ "1vxf",
+ "3tjh",
+ "3qo2",
+ "2mmu",
+ "1ej5",
+ "7n28",
+ "6q8k",
+ "4r87",
+ "4nqx",
+ "5uyb",
+ "6aae",
+ "1nx9",
+ "1mhx",
+ "3h8y",
+ "3h5j",
+ "2e67",
+ "6dl0",
+ "4uuq",
+ "1x8i",
+ "6ewu",
+ "6koz",
+ "2psm",
+ "2nrz",
+ "1wwj",
+ "2cai",
+ "4ctv",
+ "6i9w",
+ "2cje",
+ "4yvp",
+ "7s3p",
+ "2a75",
+ "4pw8",
+ "2jzm",
+ "1m5i",
+ "6tye",
+ "2hmm",
+ "7vre",
+ "3nh9",
+ "6ntj",
+ "5pyy",
+ "4y1b",
+ "3tir",
+ "5nwh",
+ "7czd",
+ "5zcc",
+ "1hia",
+ "3c3x",
+ "7kki",
+ "3t2f",
+ "5l8s",
+ "6n44",
+ "1izp",
+ "4gk3",
+ "2qqc",
+ "5ypo",
+ "5zfs",
+ "4m7v",
+ "4ngn",
+ "3wu0",
+ "1afv",
+ "2jzk",
+ "1nmm",
+ "4n0i",
+ "2o6a",
+ "7op6",
+ "2v04",
+ "6pwn",
+ "3ncy",
+ "3ng1",
+ "6a94",
+ "6z0k",
+ "7jgt",
+ "1yf0",
+ "5ybs",
+ "2e9z",
+ "1bal",
+ "5s60",
+ "4i7l",
+ "4aqu",
+ "3cbh",
+ "2adr",
+ "7zhx",
+ "3jxz",
+ "3ezm",
+ "3lrm",
+ "4n07",
+ "5a3f",
+ "4uhp",
+ "3c3u",
+ "6yzn",
+ "6nx4",
+ "6ill",
+ "1yc5",
+ "1yvx",
+ "7kvj",
+ "7qpt",
+ "3laj",
+ "7rtp",
+ "6kj9",
+ "2qkk",
+ "1uof",
+ "6ic5",
+ "5mom",
+ "5u21",
+ "8aue",
+ "1wnd",
+ "6ghj",
+ "5hrw",
+ "1xtk",
+ "2iem",
+ "1d2a",
+ "1bzd",
+ "6qom",
+ "5e3h",
+ "5e8e",
+ "6fif",
+ "3kp2",
+ "3imw",
+ "5crb",
+ "5vmx",
+ "6kna",
+ "1dkm",
+ "4rxe",
+ "4gda",
+ "7xyh",
+ "4bqx",
+ "1ohf",
+ "3jxj",
+ "6h3t",
+ "7z77",
+ "7ka3",
+ "2era",
+ "7dgy",
+ "6ucn",
+ "5dh9",
+ "3vq1",
+ "1bea",
+ "2yhh",
+ "3qln",
+ "5f5s",
+ "5ul4",
+ "2gpp",
+ "4m4p",
+ "4uut",
+ "2q86",
+ "7w3o",
+ "4nb4",
+ "7q1g",
+ "7p4x",
+ "2hd0",
+ "6h4r",
+ "4bge",
+ "5a2b",
+ "4i9f",
+ "2ev6",
+ "3drw",
+ "5qdq",
+ "2v5m",
+ "2izx",
+ "6ap0",
+ "6xlq",
+ "1t86",
+ "7aab",
+ "5esw",
+ "3otx",
+ "5p76",
+ "6zix",
+ "5t7a",
+ "5n68",
+ "3khp",
+ "1l3g",
+ "3s8g",
+ "2lzg",
+ "4nrm",
+ "1chu",
+ "1ge3",
+ "4pii",
+ "2go3",
+ "4yeg",
+ "7x12",
+ "5guc",
+ "5u45",
+ "8i1t",
+ "2j1n",
+ "3esn",
+ "7p7m",
+ "5dg3",
+ "4amf",
+ "3row",
+ "6f4j",
+ "2xxa",
+ "4bq2",
+ "3to0",
+ "1xxu",
+ "3lo4",
+ "7szh",
+ "3ico",
+ "4kr6",
+ "8a0l",
+ "4fwp",
+ "1svp",
+ "2wfg",
+ "4qi2",
+ "1ld5",
+ "2rv6",
+ "6wn3",
+ "1tes",
+ "6esk",
+ "3rl0",
+ "1tfz",
+ "4j3n",
+ "1rs6",
+ "7nbw",
+ "6xce",
+ "3vom",
+ "2wcm",
+ "2jw1",
+ "5ozm",
+ "1a70",
+ "5whu",
+ "7kdo",
+ "7olh",
+ "5r2h",
+ "5fzv",
+ "4ei9",
+ "7xzt",
+ "7aqg",
+ "1ly1",
+ "4j3t",
+ "6e8a",
+ "1c8r",
+ "1jkj",
+ "1u63",
+ "7tkd",
+ "4d6p",
+ "5itr",
+ "1ew2",
+ "2cpp",
+ "5tfy",
+ "3sju",
+ "6pwm",
+ "7jl5",
+ "3hr5",
+ "7o13",
+ "1yp1",
+ "1vhi",
+ "4yap",
+ "4mcp",
+ "1jqz",
+ "2blz",
+ "2boj",
+ "4f2u",
+ "1ki0",
+ "3n1f",
+ "4xf1",
+ "6d60",
+ "1ftz",
+ "6nlu",
+ "7a9i",
+ "6pl9",
+ "1sj6",
+ "4qql",
+ "7f7g",
+ "1cns",
+ "1hfg",
+ "3b06",
+ "5ep3",
+ "2jr0",
+ "2lxk",
+ "6gmu",
+ "6zl1",
+ "4xc0",
+ "4nwv",
+ "3g4u",
+ "1s2g",
+ "1pp5",
+ "2acw",
+ "6p1f",
+ "3d0i",
+ "7aan",
+ "6cgn",
+ "2yh1",
+ "4iqy",
+ "5kre",
+ "5td7",
+ "3r2k",
+ "4yl9",
+ "6pam",
+ "6ms3",
+ "5qem",
+ "5zik",
+ "4d7p",
+ "7vqi",
+ "3qlc",
+ "4m2l",
+ "6hpp",
+ "1i7b",
+ "1rnz",
+ "1oq6",
+ "4hnz",
+ "2ykb",
+ "8c1a",
+ "6jcm",
+ "2ego",
+ "7uj9",
+ "1ivq",
+ "2f6t",
+ "6elx",
+ "5vld",
+ "5c0y",
+ "3ooi",
+ "5z7o",
+ "7cce",
+ "5cpq",
+ "5uws",
+ "5o1b",
+ "7buu",
+ "6y15",
+ "7d5q",
+ "1cpt",
+ "1ko5",
+ "5d59",
+ "1it2",
+ "3xim",
+ "1zol",
+ "6rgj",
+ "6x81",
+ "7o7g",
+ "5f8y",
+ "2mpj",
+ "2z12",
+ "7l4j",
+ "5xg5",
+ "4p99",
+ "7r3g",
+ "7tgn",
+ "2hjp",
+ "1d9c",
+ "7dxz",
+ "2gqq",
+ "3uxh",
+ "4idn",
+ "4uvz",
+ "4njo",
+ "4e36",
+ "2jrc",
+ "3uqv",
+ "5nig",
+ "1gsb",
+ "3mnp",
+ "3o0j",
+ "1q3x",
+ "6tua",
+ "3hvm",
+ "4os1",
+ "5x42",
+ "1a08",
+ "5cmm",
+ "7qtz",
+ "7wae",
+ "1eve",
+ "6fuu",
+ "3ide",
+ "2gpt",
+ "5vse",
+ "3puh",
+ "218l",
+ "3w8x",
+ "5ags",
+ "1si0",
+ "2dc2",
+ "5csr",
+ "5w8i",
+ "7c90",
+ "2m6p",
+ "7tqp",
+ "5gx5",
+ "5rdm",
+ "5l1q",
+ "2lyv",
+ "3mce",
+ "7sxi",
+ "7en3",
+ "1n0s",
+ "6ly5",
+ "6pzd",
+ "6c9i",
+ "4m3x",
+ "6bml",
+ "4wt2",
+ "4esu",
+ "2x1s",
+ "1exr",
+ "5yl1",
+ "1j4l",
+ "1i0h",
+ "7oz4",
+ "1lkl",
+ "2x78",
+ "1c83",
+ "6bm9",
+ "3gxi",
+ "1e08",
+ "3wbd",
+ "7zvx",
+ "3pf4",
+ "5m33",
+ "3iun",
+ "3fhx",
+ "2way",
+ "6wuu",
+ "5hmy",
+ "6bx6",
+ "5mxh",
+ "8hit",
+ "1p8u",
+ "1z9o",
+ "5h57",
+ "6ooa",
+ "5oqh",
+ "7fc9",
+ "5t68",
+ "1zw2",
+ "4y28",
+ "7ciy",
+ "7yyy",
+ "3f2h",
+ "7m3f",
+ "1a6i",
+ "1ybu",
+ "1fof",
+ "2v21",
+ "193l",
+ "2mc9",
+ "2a3p",
+ "2ngr",
+ "5vd1",
+ "3o2g",
+ "5prq",
+ "7ly4",
+ "6bzm",
+ "6pxh",
+ "1s2h",
+ "5fok",
+ "6oe7",
+ "3e66",
+ "3vwx",
+ "4axk",
+ "4zhf",
+ "3zev",
+ "6qea",
+ "2gkn",
+ "6dkm",
+ "7yjb",
+ "3hlb",
+ "7q8z",
+ "4fo2",
+ "4ut4",
+ "4n2n",
+ "3c6s",
+ "5rsq",
+ "1k2f",
+ "7poo",
+ "4zpy",
+ "5d4q",
+ "3unf",
+ "6tj5",
+ "6ivk",
+ "2h51",
+ "5ibf",
+ "2rgi",
+ "6sny",
+ "5pxo",
+ "5dqp",
+ "7kvi",
+ "3zd9",
+ "6lam",
+ "5w69",
+ "1a07",
+ "6cei",
+ "7snm",
+ "3nlq",
+ "1nco",
+ "2ovq",
+ "6euj",
+ "2r1w",
+ "3gi3",
+ "2zl9",
+ "7qyp",
+ "6el4",
+ "4ona",
+ "7zan",
+ "1nn7",
+ "5nhd",
+ "7ng1",
+ "7eb6",
+ "6vx4",
+ "4dh4",
+ "6s32",
+ "7z3e",
+ "2atw",
+ "4okz",
+ "1sd3",
+ "7xkc",
+ "3lrn",
+ "7dv6",
+ "4z25",
+ "6xv2",
+ "6ecn",
+ "6c7v",
+ "4qn2",
+ "4xix",
+ "1fww",
+ "6jt1",
+ "3j5m",
+ "3pwm",
+ "3cma",
+ "1u6h",
+ "4b4b",
+ "3zsv",
+ "4bcb",
+ "4my6",
+ "7dks",
+ "5ov6",
+ "4a7u",
+ "4onu",
+ "5yek",
+ "2ef6",
+ "2qci",
+ "4a1x",
+ "4oh5",
+ "6pla",
+ "7lmy",
+ "7by9",
+ "6idp",
+ "8b10",
+ "2jxh",
+ "1je0",
+ "7e9k",
+ "1ewh",
+ "2w3z",
+ "4brh",
+ "7ln7",
+ "6vgc",
+ "4p27",
+ "6nji",
+ "6hb5",
+ "1l85",
+ "1lbt",
+ "3wau",
+ "6vv1",
+ "7v8g",
+ "2ag2",
+ "1a3a",
+ "1kiv",
+ "1dti",
+ "6pcp",
+ "5re6",
+ "6ppv",
+ "4igk",
+ "4ui5",
+ "5p5w",
+ "6jfk",
+ "4p3a",
+ "4q37",
+ "1w7w",
+ "2pns",
+ "5uz0",
+ "1us5",
+ "1kbw",
+ "2bxq",
+ "6ido",
+ "7yoj",
+ "5tbm",
+ "7m0w",
+ "3myz",
+ "1c9o",
+ "6qly",
+ "2n98",
+ "2ihp",
+ "5h6h",
+ "1l5o",
+ "4btm",
+ "5osb",
+ "1je3",
+ "3wpc",
+ "7v9l",
+ "6jun",
+ "3gdk",
+ "1ux7",
+ "5m2r",
+ "3bh6",
+ "2q5h",
+ "1ok4",
+ "6wm9",
+ "7pjm",
+ "4tkj",
+ "7xec",
+ "7xc3",
+ "2cfq",
+ "1m1n",
+ "7y04",
+ "6hrf",
+ "2czs",
+ "1mrh",
+ "7m4l",
+ "4zo3",
+ "5wef",
+ "2x3c",
+ "6zap",
+ "4l7u",
+ "4ed1",
+ "3fll",
+ "5ve5",
+ "1rtz",
+ "3upp",
+ "1zu2",
+ "1avq",
+ "6er5",
+ "4e5q",
+ "3w4o",
+ "6d6l",
+ "5osx",
+ "5pet",
+ "6emf",
+ "3u7b",
+ "7ai8",
+ "7kbf",
+ "1zde",
+ "3pmv",
+ "3r9y",
+ "2qjp",
+ "3cig",
+ "4oir",
+ "2y6b",
+ "4mky",
+ "3bqe",
+ "6c6w",
+ "6u6p",
+ "7w6b",
+ "2kud",
+ "6d49",
+ "6ztg",
+ "2klm",
+ "2fwo",
+ "6i9b",
+ "1zsn",
+ "5x2h",
+ "6xe7",
+ "6nih",
+ "2m8r",
+ "1zgg",
+ "6tld",
+ "5ivz",
+ "4osr",
+ "3ubg",
+ "2ltw",
+ "5pg2",
+ "3i6a",
+ "6htg",
+ "1tgx",
+ "1l35",
+ "7viw",
+ "1lil",
+ "7ol9",
+ "4ymz",
+ "1dxl",
+ "5we1",
+ "6zu4",
+ "5sdt",
+ "3zds",
+ "5zxl",
+ "4yw2",
+ "7omk",
+ "5j5y",
+ "5t2z",
+ "4mtt",
+ "8bay",
+ "7v4s",
+ "3nl2",
+ "5bxj",
+ "1zw8",
+ "4a2r",
+ "3uxl",
+ "6jgb",
+ "4pe5",
+ "1uij",
+ "7lge",
+ "5jjj",
+ "1ts6",
+ "6m29",
+ "5rc4",
+ "1j8f",
+ "5up7",
+ "6l1j",
+ "4hkr",
+ "8fnv",
+ "6wut",
+ "2wp8",
+ "3m38",
+ "3ubx",
+ "4g32",
+ "2z9c",
+ "6v3w",
+ "5mfg",
+ "6l8n",
+ "5d4n",
+ "2qof",
+ "7bqk",
+ "8dgk",
+ "4kvo",
+ "3ayi",
+ "5md4",
+ "5h5m",
+ "2ld7",
+ "4jfj",
+ "1nd0",
+ "1xze",
+ "2am4",
+ "5euw",
+ "2muy",
+ "1t9a",
+ "3vyq",
+ "4mb8",
+ "7wkr",
+ "6cw4",
+ "2lde",
+ "2uvj",
+ "7unl",
+ "6rhl",
+ "5dex",
+ "1zdl",
+ "4twf",
+ "1l12",
+ "1l7g",
+ "4f1v",
+ "3w0f",
+ "4uqa",
+ "1cn3",
+ "6sji",
+ "6ehf",
+ "4jqd",
+ "1t6g",
+ "6nf9",
+ "4q7v",
+ "1neh",
+ "5j8x",
+ "5szv",
+ "7pv0",
+ "4zam",
+ "2fts",
+ "5yvz",
+ "6ze4",
+ "1gp6",
+ "5gvw",
+ "7e8p",
+ "5w90",
+ "5qns",
+ "7d34",
+ "1l8n",
+ "3dfq",
+ "7ptt",
+ "8dni",
+ "2f1e",
+ "2axn",
+ "1jss",
+ "5nm4",
+ "1f4m",
+ "4izl",
+ "1oog",
+ "5hsm",
+ "3rs0",
+ "5wz2",
+ "4qwb",
+ "2c9z",
+ "5rdn",
+ "6x3r",
+ "6yb9",
+ "8bvp",
+ "2xy6",
+ "6nmt",
+ "3s3d",
+ "4tps",
+ "6hkv",
+ "4giv",
+ "3ore",
+ "1h6p",
+ "1oh8",
+ "2bcx",
+ "6cfg",
+ "5muv",
+ "1d2d",
+ "3cgo",
+ "2jxb",
+ "2k4d",
+ "1skb",
+ "1sbw",
+ "2x69",
+ "6r0q",
+ "7qu2",
+ "3zr5",
+ "5dd8",
+ "3cf9",
+ "3l0w",
+ "2zgl",
+ "5kbe",
+ "6pw9",
+ "1e1e",
+ "3iwq",
+ "7w6e",
+ "8dvs",
+ "6bjv",
+ "3gif",
+ "3x12",
+ "5sul",
+ "6lwn",
+ "4ze0",
+ "7d7f",
+ "2obi",
+ "3mcd",
+ "4ltv",
+ "1eae",
+ "1bsv",
+ "5hqx",
+ "4bu1",
+ "7ay6",
+ "2wle",
+ "6r4j",
+ "3jvv",
+ "5eq0",
+ "6tti",
+ "1ate",
+ "4mu3",
+ "6qm3",
+ "4baq",
+ "1lon",
+ "6tl1",
+ "8aua",
+ "3zlx",
+ "3u96",
+ "6uvw",
+ "4ncw",
+ "4uv9",
+ "5hll",
+ "5a4n",
+ "5kfx",
+ "2joi",
+ "3cxs",
+ "4you",
+ "6b5j",
+ "7cj3",
+ "5gmy",
+ "4hb0",
+ "6v26",
+ "3thz",
+ "1g5c",
+ "3hmh",
+ "6rdv",
+ "2hgs",
+ "1czh",
+ "6cex",
+ "1x24",
+ "5fov",
+ "4oou",
+ "1zja",
+ "1fu3",
+ "4jrn",
+ "3sv8",
+ "2ij2",
+ "2gqc",
+ "6d0t",
+ "5w8t",
+ "3ty0",
+ "2hsm",
+ "4wm3",
+ "6jq8",
+ "7z6w",
+ "4gd3",
+ "4wv4",
+ "1ert",
+ "6mig",
+ "2ltv",
+ "4d8g",
+ "7u5l",
+ "6psb",
+ "3onw",
+ "3urc",
+ "2x51",
+ "5sca",
+ "3lrl",
+ "3jry",
+ "6es8",
+ "6cf6",
+ "5h8g",
+ "6ecj",
+ "1b86",
+ "3abb",
+ "3dxr",
+ "5txr",
+ "1llt",
+ "3rz2",
+ "7ank",
+ "5dc9",
+ "6lhe",
+ "4yot",
+ "1ayw",
+ "1bt0",
+ "7vut",
+ "3h00",
+ "6v2t",
+ "2ioq",
+ "1ycg",
+ "5e9p",
+ "4l7x",
+ "3uj8",
+ "1r67",
+ "2q9l",
+ "3jc7",
+ "3i2x",
+ "2wmu",
+ "6w0j",
+ "3oof",
+ "1xzf",
+ "6rdm",
+ "4olg",
+ "6kui",
+ "7etu",
+ "5w0k",
+ "4cqw",
+ "4rzi",
+ "7zpl",
+ "4zfw",
+ "4bnr",
+ "3bvg",
+ "6hsk",
+ "4c3b",
+ "4wqc",
+ "4ajh",
+ "3zt7",
+ "1ocx",
+ "5e7l",
+ "5epr",
+ "1mz0",
+ "4x6c",
+ "2k2f",
+ "4oe2",
+ "7tul",
+ "6gya",
+ "5mf0",
+ "6jdl",
+ "1nza",
+ "8exa",
+ "3hgo",
+ "4xh2",
+ "6nc2",
+ "7t4p",
+ "5i6z",
+ "4umc",
+ "8g65",
+ "1ztz",
+ "4wlq",
+ "2gpo",
+ "5jx0",
+ "2tdd",
+ "2zte",
+ "7tcp",
+ "5h8p",
+ "8au9",
+ "1wbx",
+ "6dvs",
+ "3umw",
+ "4b9i",
+ "7wj3",
+ "5tkf",
+ "7sw4",
+ "2eb1",
+ "6a46",
+ "5dn7",
+ "8cyj",
+ "1ihg",
+ "6mqo",
+ "1jl8",
+ "1tqq",
+ "2cdr",
+ "5mtd",
+ "7y4q",
+ "6wof",
+ "1j85",
+ "3wmp",
+ "5xmk",
+ "6rz6",
+ "6who",
+ "2p88",
+ "6l38",
+ "7unp",
+ "5lu5",
+ "4xj2",
+ "4iyn",
+ "4lu5",
+ "4eyj",
+ "1syb",
+ "7joc",
+ "2bnz",
+ "3cwj",
+ "4p85",
+ "1tpg",
+ "7njk",
+ "3l7l",
+ "3hwn",
+ "3ncw",
+ "1d3j",
+ "7vqs",
+ "6q9w",
+ "1l9s",
+ "2m0n",
+ "5wyz",
+ "6wgj",
+ "1eoa",
+ "5p4w",
+ "1m2v",
+ "6cnq",
+ "2l50",
+ "2qgc",
+ "5oqo",
+ "3ohf",
+ "6i6g",
+ "5n86",
+ "1l5q",
+ "6nlv",
+ "6f92",
+ "4kdp",
+ "1r3v",
+ "7mjv",
+ "7rtr",
+ "5luu",
+ "4rg8",
+ "6hwm",
+ "5d3x",
+ "6y1u",
+ "7atd",
+ "7az4",
+ "3u1a",
+ "5i2e",
+ "4mrg",
+ "7pba",
+ "6i1u",
+ "1jl1",
+ "3v1r",
+ "7raj",
+ "2h4f",
+ "6phh",
+ "7jja",
+ "2of5",
+ "6pk1",
+ "7mf7",
+ "6dvh",
+ "1xgv",
+ "7cqh",
+ "4gu4",
+ "2mmg",
+ "3ab3",
+ "3lt0",
+ "3ngz",
+ "1na1",
+ "7ywg",
+ "2gbi",
+ "2cf2",
+ "3opt",
+ "1fhe",
+ "6sjn",
+ "7dqu",
+ "3nj5",
+ "4duc",
+ "4n3b",
+ "2y3r",
+ "5ggl",
+ "5fkm",
+ "4wnd",
+ "7e36",
+ "1bib",
+ "2vpq",
+ "7lxv",
+ "2gq9",
+ "3wo6",
+ "1i7g",
+ "6hjt",
+ "5c50",
+ "5mp7",
+ "6wns",
+ "1esf",
+ "5m9v",
+ "6p72",
+ "8chg",
+ "4ivn",
+ "3rmv",
+ "5pc3",
+ "2pyh",
+ "2c0x",
+ "2as2",
+ "3kx5",
+ "4pf3",
+ "4o3r",
+ "6pwe",
+ "2zg1",
+ "3qfq",
+ "2bne",
+ "6yl1",
+ "2nx5",
+ "7zdd",
+ "6b1g",
+ "2jnt",
+ "1ei3",
+ "3pbq",
+ "3ttz",
+ "3esa",
+ "4bdw",
+ "7ca2",
+ "7rak",
+ "7zyo",
+ "1jmf",
+ "4edn",
+ "6chs",
+ "2ms4",
+ "2vk7",
+ "7cda",
+ "6kkv",
+ "5ut8",
+ "7vun",
+ "1bfd",
+ "6y77",
+ "1fp0",
+ "6v15",
+ "8a0q",
+ "5py1",
+ "1edy",
+ "5de2",
+ "5ipr",
+ "7sgm",
+ "4dqh",
+ "1rdd",
+ "5bz1",
+ "5iib",
+ "3k4x",
+ "3etp",
+ "1fa5",
+ "2pdp",
+ "5njp",
+ "1n2o",
+ "6agq",
+ "4fj0",
+ "7s19",
+ "1iwm",
+ "2m32",
+ "6sjl",
+ "4c0x",
+ "3ctt",
+ "1s02",
+ "2gjx",
+ "3lgi",
+ "1n3q",
+ "7pm4",
+ "2jzh",
+ "5yay",
+ "7dex",
+ "1pky",
+ "4n0m",
+ "5lwm",
+ "2lel",
+ "4rg7",
+ "7k76",
+ "1v04",
+ "1ty9",
+ "6yhy",
+ "7cbq",
+ "2yh0",
+ "1ofq",
+ "6pln",
+ "5p3o",
+ "5rt1",
+ "7mij",
+ "5r37",
+ "8b64",
+ "5phc",
+ "4yc0",
+ "5e21",
+ "6olp",
+ "4aic",
+ "3tz0",
+ "5j3p",
+ "7njh",
+ "2lpz",
+ "5iiu",
+ "5gne",
+ "3fjn",
+ "3vzi",
+ "1i2h",
+ "7s17",
+ "1i7x",
+ "4u6e",
+ "6qwm",
+ "5uo6",
+ "5zt8",
+ "5kk4",
+ "3kjm",
+ "4akd",
+ "7azu",
+ "6z7b",
+ "2lze",
+ "2fjb",
+ "2m1a",
+ "6mnv",
+ "5bv7",
+ "2uy7",
+ "1ch3",
+ "3afm",
+ "4c0r",
+ "2xbt",
+ "4pjv",
+ "6g4o",
+ "6l87",
+ "6g7q",
+ "7uhl",
+ "5pwc",
+ "7kic",
+ "6vjy",
+ "5woy",
+ "3tkd",
+ "2oew",
+ "1byb",
+ "5r2y",
+ "5zmd",
+ "4w4y",
+ "1bcz",
+ "5k1q",
+ "4hjc",
+ "1jda",
+ "3zin",
+ "1xaa",
+ "2jck",
+ "4xht",
+ "6q4e",
+ "3rwv",
+ "4yv4",
+ "2hzi",
+ "7c0m",
+ "4ynr",
+ "7ejn",
+ "1vyj",
+ "1qrs",
+ "3icm",
+ "1jak",
+ "4cgb",
+ "1kxm",
+ "5xzj",
+ "4qxm",
+ "2wsc",
+ "7viq",
+ "8afo",
+ "1y8b",
+ "2z2z",
+ "2xs3",
+ "5oz0",
+ "4p6t",
+ "4kfu",
+ "6pw2",
+ "4id3",
+ "2wsx",
+ "1uzn",
+ "1dmw",
+ "3bk9",
+ "5e7r",
+ "2k31",
+ "5cdr",
+ "7r3m",
+ "4b0d",
+ "6d7g",
+ "2y3m",
+ "4k2g",
+ "2zfd",
+ "3w4t",
+ "2j1z",
+ "1e3i",
+ "6sik",
+ "2xis",
+ "7v8p",
+ "8e0u",
+ "5eyv",
+ "1l5g",
+ "3gmp",
+ "1n1a",
+ "4cvw",
+ "6h2a",
+ "6gst",
+ "4ou5",
+ "4rp3",
+ "3pq4",
+ "5v4b",
+ "5jhm",
+ "7zy2",
+ "1fla",
+ "3b9z",
+ "3syb",
+ "3dgs",
+ "6ttq",
+ "6ixw",
+ "7xwp",
+ "6hy2",
+ "3v5q",
+ "6f07",
+ "4qwx",
+ "4zch",
+ "6h6s",
+ "6m20",
+ "6p7a",
+ "1erc",
+ "1ofp",
+ "2pkm",
+ "5aqz",
+ "6orh",
+ "3m7o",
+ "6yeh",
+ "7zy4",
+ "1aqm",
+ "4uua",
+ "5z9t",
+ "4gky",
+ "5zog",
+ "7yv4",
+ "3ile",
+ "5mke",
+ "5g6i",
+ "5akr",
+ "1vz4",
+ "6g2b",
+ "5ehn",
+ "2kem",
+ "2b99",
+ "5u3e",
+ "3pcl",
+ "4l5w",
+ "1rw2",
+ "3a4h",
+ "5pfh",
+ "3jvl",
+ "3h7p",
+ "4mlw",
+ "5b85",
+ "6zpt",
+ "1gcp",
+ "4ow1",
+ "1yp6",
+ "6gqe",
+ "2h2i",
+ "5al4",
+ "5c38",
+ "6oqe",
+ "2bu4",
+ "2gg8",
+ "1m9o",
+ "1tpt",
+ "1j9i",
+ "6coj",
+ "6r4x",
+ "1lin",
+ "2hzd",
+ "6da6",
+ "5tpt",
+ "4a6o",
+ "5qcm",
+ "1zcu",
+ "5xux",
+ "6rfb",
+ "4eqs",
+ "1p0d",
+ "3tya",
+ "3wg5",
+ "3ggw",
+ "3m1z",
+ "3vqv",
+ "5c4l",
+ "1ocz",
+ "3rei",
+ "6ust",
+ "6g5u",
+ "6gs0",
+ "4g7x",
+ "5pr4",
+ "2c1m",
+ "4q5h",
+ "1rf9",
+ "5r2v",
+ "2r0o",
+ "1idm",
+ "4nfs",
+ "2izj",
+ "4a0o",
+ "5cka",
+ "4pzt",
+ "6d1r",
+ "4h8e",
+ "6j8f",
+ "6u5n",
+ "6z2u",
+ "2r40",
+ "4yss",
+ "3cke",
+ "7xh4",
+ "6jyx",
+ "7bpr",
+ "5m25",
+ "1pag",
+ "5vcb",
+ "3pto",
+ "5qd9",
+ "3d7w",
+ "3a9m",
+ "4e49",
+ "2hty",
+ "2yjq",
+ "6em5",
+ "2hyz",
+ "3lek",
+ "7qy8",
+ "6x9r",
+ "5re4",
+ "6cxc",
+ "2pio",
+ "5ohv",
+ "8cx1",
+ "7psl",
+ "4hgi",
+ "4n9r",
+ "5n2g",
+ "6hql",
+ "5mwe",
+ "5sa6",
+ "2k4b",
+ "4jk1",
+ "1ppw",
+ "1b34",
+ "6fly",
+ "6gsa",
+ "4cn0",
+ "7yoo",
+ "2vhx",
+ "3uu5",
+ "2nse",
+ "4fnp",
+ "6zzx",
+ "6mc1",
+ "7e8h",
+ "3sv4",
+ "6olm",
+ "4bpa",
+ "2xsu",
+ "7rdz",
+ "1oz1",
+ "4wzi",
+ "5ggo",
+ "6ohm",
+ "1wyc",
+ "2pj5",
+ "1mo8",
+ "5zkx",
+ "4x9h",
+ "2eyb",
+ "2bgz",
+ "4ef4",
+ "6nr0",
+ "3uc9",
+ "6x2y",
+ "5c1l",
+ "5v2k",
+ "3w9c",
+ "8dft",
+ "5dmp",
+ "2oaj",
+ "2rds",
+ "1fqj",
+ "4h91",
+ "5pi8",
+ "2xlb",
+ "2b83",
+ "7opo",
+ "7d29",
+ "2z3k",
+ "5on0",
+ "2rcl",
+ "1go2",
+ "6b70",
+ "1i40",
+ "1dny",
+ "8dfn",
+ "5drk",
+ "5iri",
+ "5jh9",
+ "7zc1",
+ "4pxf",
+ "4enw",
+ "1bd7",
+ "3sr3",
+ "1shv",
+ "1qrq",
+ "6mq8",
+ "6sve",
+ "1ast",
+ "1jfx",
+ "1toc",
+ "5hsa",
+ "4x2k",
+ "6fwd",
+ "6sux",
+ "4dhm",
+ "3qqe",
+ "5sy6",
+ "1utu",
+ "7eih",
+ "7ntj",
+ "2c8w",
+ "7bf5",
+ "1f9a",
+ "7bs0",
+ "4ih2",
+ "5cgj",
+ "6nza",
+ "5esb",
+ "3ztl",
+ "2qac",
+ "4c82",
+ "6rt2",
+ "6c1v",
+ "3gla",
+ "2jqm",
+ "2w8t",
+ "1h3m",
+ "6u7m",
+ "3gud",
+ "7l01",
+ "1uv6",
+ "4n49",
+ "6il7",
+ "6nn5",
+ "1yw8",
+ "2wqj",
+ "7s5o",
+ "6n4u",
+ "4qap",
+ "5qu2",
+ "6l6d",
+ "4c4y",
+ "1jln",
+ "5wfe",
+ "3etu",
+ "2vlj",
+ "5pbl",
+ "2kc0",
+ "4cu4",
+ "6js9",
+ "7ngf",
+ "5o7j",
+ "7jjp",
+ "3tao",
+ "1fp7",
+ "6h6c",
+ "1bkr",
+ "3j4q",
+ "2nrv",
+ "5p4q",
+ "5ktm",
+ "2c7j",
+ "6m4p",
+ "8fpt",
+ "6ta4",
+ "1s1s",
+ "1wpi",
+ "8d21",
+ "3b1j",
+ "2kz3",
+ "2kw5",
+ "4i0c",
+ "1g3s",
+ "3w2r",
+ "4mhh",
+ "1bh9",
+ "6isb",
+ "3g26",
+ "5p64",
+ "7en7",
+ "6d91",
+ "3nci",
+ "8sbe",
+ "7s4w",
+ "2lx4",
+ "1jcv",
+ "3dhh",
+ "7pkj",
+ "6unr",
+ "7c65",
+ "5j09",
+ "2oi2",
+ "3n1h",
+ "1zfu",
+ "6k72",
+ "2lxm",
+ "6ix4",
+ "7c8v",
+ "1zlp",
+ "6e3b",
+ "1jjs",
+ "3s69",
+ "3ikp",
+ "4o93",
+ "5wr6",
+ "5lsl",
+ "6pkk",
+ "4mte",
+ "6fws",
+ "6an5",
+ "6o7l",
+ "1u1w",
+ "2k6s",
+ "6noh",
+ "6u39",
+ "2koy",
+ "4eqh",
+ "4hx7",
+ "5v3a",
+ "5rfb",
+ "2jxl",
+ "6frv",
+ "1qxr",
+ "1di4",
+ "6a3h",
+ "6ld6",
+ "1aqv",
+ "6xu5",
+ "5x6c",
+ "4gmm",
+ "2vfk",
+ "3mmx",
+ "4j03",
+ "7pfa",
+ "2aru",
+ "4pnk",
+ "7ewj",
+ "2yjm",
+ "5h99",
+ "7th2",
+ "2c02",
+ "7vej",
+ "2mas",
+ "4qh3",
+ "2wbu",
+ "6wg4",
+ "1ckd",
+ "7d4m",
+ "5cb2",
+ "4uze",
+ "7pud",
+ "6tmh",
+ "5pjs",
+ "6dcx",
+ "4mda",
+ "7khi",
+ "6srd",
+ "6leb",
+ "1azn",
+ "6yi8",
+ "2ov6",
+ "4j4f",
+ "2law",
+ "5db0",
+ "7skd",
+ "4aig",
+ "5j7d",
+ "1j7h",
+ "4ds7",
+ "6ncm",
+ "5gvd",
+ "1svl",
+ "7f6v",
+ "1ota",
+ "7b2j",
+ "5w8c",
+ "2xg8",
+ "5tma",
+ "2gl3",
+ "5zjz",
+ "6hax",
+ "3hd4",
+ "7s4h",
+ "7qjz",
+ "1mcx",
+ "6yu9",
+ "6tbt",
+ "2orj",
+ "5uvd",
+ "6fr2",
+ "2gct",
+ "1ml4",
+ "6x2s",
+ "7e4z",
+ "7y8g",
+ "1g9q",
+ "4njr",
+ "6w26",
+ "3t5u",
+ "1ulo",
+ "6ypk",
+ "4qun",
+ "5ih0",
+ "2pjy",
+ "3nam",
+ "5pfs",
+ "5fgs",
+ "6prj",
+ "3bf7",
+ "3glz",
+ "2ozn",
+ "6mlt",
+ "7a8z",
+ "5eys",
+ "6ccd",
+ "3f6s",
+ "7fnu",
+ "2q7v",
+ "6yao",
+ "5d92",
+ "3pkd",
+ "1uhm",
+ "3m1s",
+ "5ogf",
+ "6tz8",
+ "2bdc",
+ "3p6g",
+ "5ius",
+ "6fpm",
+ "2vx7",
+ "1yau",
+ "6fu9",
+ "4kti",
+ "6hvw",
+ "2yas",
+ "2nsg",
+ "5d3k",
+ "6iei",
+ "4ptz",
+ "1kj0",
+ "1q0k",
+ "1t6u",
+ "2r8f",
+ "5eim",
+ "7b43",
+ "7crj",
+ "4drk",
+ "6krs",
+ "4er6",
+ "4zrz",
+ "6qok",
+ "6el2",
+ "5igi",
+ "1fsp",
+ "1l5j",
+ "6nlg",
+ "5ztb",
+ "4hgh",
+ "6uql",
+ "5uj7",
+ "5yct",
+ "4pad",
+ "1suq",
+ "7et1",
+ "5l2i",
+ "1boa",
+ "7c3t",
+ "3fpm",
+ "1drs",
+ "6z4b",
+ "2gmg",
+ "7reb",
+ "8dbk",
+ "2odh",
+ "1vsv",
+ "5twb",
+ "1ibb",
+ "8e2r",
+ "3etw",
+ "4e8z",
+ "1tcu",
+ "3om0",
+ "1dm0",
+ "3p6z",
+ "3biz",
+ "1jg3",
+ "4x2t",
+ "4lp9",
+ "1fc0",
+ "7qhb",
+ "6is9",
+ "6se9",
+ "7b2q",
+ "2ehb",
+ "1s5s",
+ "7qmh",
+ "6ipp",
+ "6zbu",
+ "1kls",
+ "7vzz",
+ "6oon",
+ "7qx2",
+ "3c9a",
+ "2v7g",
+ "4q8e",
+ "3ryz",
+ "2g13",
+ "1ao5",
+ "6n73",
+ "2c9v",
+ "6ew9",
+ "5zv7",
+ "4krv",
+ "6b6v",
+ "2pir",
+ "3ur6",
+ "3p73",
+ "7w0q",
+ "5nau",
+ "8gni",
+ "4ui6",
+ "6q1d",
+ "2a38",
+ "5ol7",
+ "1quu",
+ "7akc",
+ "7qt9",
+ "5qye",
+ "7q04",
+ "6zf1",
+ "6ssq",
+ "7uvj",
+ "1c9l",
+ "5hgd",
+ "3hku",
+ "1z3k",
+ "4u1g",
+ "5myf",
+ "5hyu",
+ "4n5e",
+ "6mob",
+ "5zqy",
+ "2f9l",
+ "7ep3",
+ "3oyk",
+ "6hu4",
+ "6im7",
+ "6z80",
+ "5bnr",
+ "4y4d",
+ "2qks",
+ "2y5q",
+ "6z29",
+ "4lja",
+ "4rzg",
+ "3sck",
+ "8f51",
+ "6st6",
+ "6hw1",
+ "1fs7",
+ "2cxv",
+ "6rn6",
+ "5i8l",
+ "4z7g",
+ "8bf8",
+ "1qnm",
+ "7yzb",
+ "3ejl",
+ "1ap2",
+ "5tup",
+ "5xp5",
+ "5buv",
+ "6c7o",
+ "5tj8",
+ "7njj",
+ "1zj9",
+ "7pkd",
+ "1xle",
+ "6lga",
+ "6jku",
+ "2w4z",
+ "2gj9",
+ "7uiw",
+ "6ayk",
+ "1oo3",
+ "2n1k",
+ "6o5x",
+ "5nvl",
+ "3rga",
+ "7qet",
+ "1ha8",
+ "5yss",
+ "1k53",
+ "7jme",
+ "6zyc",
+ "4hyd",
+ "8hhe",
+ "7r6b",
+ "4ctm",
+ "6clv",
+ "1z2g",
+ "2fmi",
+ "6ne1",
+ "6l62",
+ "6dar",
+ "4v1g",
+ "6j3e",
+ "7rdx",
+ "7nyu",
+ "5hv6",
+ "7p7p",
+ "5hq3",
+ "2pll",
+ "6ybf",
+ "6v81",
+ "3req",
+ "4fzj",
+ "1zfl",
+ "5chr",
+ "1zvo",
+ "2xj9",
+ "7awd",
+ "1y2g",
+ "1b4n",
+ "4di2",
+ "2zvo",
+ "3f17",
+ "1fvl",
+ "3imv",
+ "5hxi",
+ "6upl",
+ "6xog",
+ "4n80",
+ "4q07",
+ "2ftu",
+ "3m0d",
+ "6qe2",
+ "1zp5",
+ "4p7a",
+ "6skc",
+ "4upa",
+ "1yfb",
+ "1x1h",
+ "4c7i",
+ "3av9",
+ "4uzj",
+ "2gva",
+ "2lxl",
+ "6yw2",
+ "5w59",
+ "6npx",
+ "2gsx",
+ "5h12",
+ "2vjd",
+ "4c51",
+ "3ppx",
+ "6l8q",
+ "6hsy",
+ "1kkt",
+ "1g2n",
+ "6yyj",
+ "2ws4",
+ "1iv5",
+ "4nup",
+ "6iie",
+ "1w49",
+ "1ffh",
+ "7r0q",
+ "4mml",
+ "4yul",
+ "6di2",
+ "6aje",
+ "1qcv",
+ "6hiu",
+ "5vp9",
+ "7s29",
+ "3j4r",
+ "3nma",
+ "1a28",
+ "5n41",
+ "4ck1",
+ "6m7l",
+ "3w5r",
+ "3voj",
+ "4oik",
+ "4luu",
+ "3k87",
+ "6e67",
+ "3pwa",
+ "6ce8",
+ "7f2o",
+ "2aej",
+ "6uxq",
+ "6z5s",
+ "2ghy",
+ "5npt",
+ "7pn1",
+ "7ksr",
+ "1jkk",
+ "4dke",
+ "3p2r",
+ "1r9m",
+ "5l9s",
+ "5a3z",
+ "7myy",
+ "2oo4",
+ "4i7b",
+ "4l9o",
+ "2xpz",
+ "6e8d",
+ "6ilw",
+ "7oft",
+ "3wyi",
+ "3ifq",
+ "1o4k",
+ "1wom",
+ "6zi3",
+ "7mbx",
+ "4ct7",
+ "6q3u",
+ "2hz2",
+ "6cw6",
+ "4gkm",
+ "4lz8",
+ "1igr",
+ "5ybh",
+ "3gd8",
+ "2b7e",
+ "3tch",
+ "2rdg",
+ "3kcv",
+ "3grx",
+ "4pw6",
+ "4piu",
+ "6h6i",
+ "6tfo",
+ "4fbs",
+ "7zvo",
+ "1myz",
+ "6fwq",
+ "1o64",
+ "7r10",
+ "5upb",
+ "1l4a",
+ "5a7c",
+ "3gfh",
+ "7tvb",
+ "6x5l",
+ "6ner",
+ "6gwn",
+ "3tsr",
+ "4qzi",
+ "6iqj",
+ "1wps",
+ "4xba",
+ "1ias",
+ "6y8j",
+ "2jf3",
+ "2kxr",
+ "5r9k",
+ "2lqo",
+ "4jlj",
+ "6wdv",
+ "3l4q",
+ "1j3y",
+ "6hau",
+ "2cvx",
+ "5s3d",
+ "1l94",
+ "5grl",
+ "2lf7",
+ "3c1i",
+ "1ihu",
+ "3rlb",
+ "6dmu",
+ "3hnh",
+ "5vnj",
+ "4lga",
+ "7euo",
+ "4iv9",
+ "2f42",
+ "7ukf",
+ "3ixw",
+ "5pep",
+ "5fqd",
+ "4f0q",
+ "2wks",
+ "7evv",
+ "1d9s",
+ "5bns",
+ "6eym",
+ "4u0v",
+ "4mdg",
+ "1cp7",
+ "7yxv",
+ "4j9a",
+ "5umk",
+ "4e6c",
+ "2b19",
+ "6pdh",
+ "3ax0",
+ "3d3j",
+ "1ylh",
+ "1ga0",
+ "7mem",
+ "3h3f",
+ "6cqr",
+ "5kh2",
+ "6spw",
+ "4kzq",
+ "1ix6",
+ "6dxr",
+ "8gqw",
+ "4p07",
+ "7wjp",
+ "4zxf",
+ "3jur",
+ "2x1j",
+ "2mau",
+ "1d3p",
+ "6qhx",
+ "6mw8",
+ "2wrz",
+ "1g19",
+ "5hbf",
+ "6bht",
+ "7kq4",
+ "3eno",
+ "6apd",
+ "7b9c",
+ "7s0w",
+ "6nyk",
+ "3o6b",
+ "3ks8",
+ "1e64",
+ "3obx",
+ "6eun",
+ "4inb",
+ "1ocl",
+ "6j55",
+ "1c55",
+ "4ffx",
+ "5loz",
+ "2d09",
+ "6wr2",
+ "3jwq",
+ "6i4i",
+ "1uxd",
+ "4fe8",
+ "7s1o",
+ "1d0i",
+ "8bqn",
+ "5edr",
+ "1w3v",
+ "1qnq",
+ "7qwk",
+ "3dd4",
+ "7of9",
+ "1o5c",
+ "5zmm",
+ "4h9b",
+ "7fko",
+ "1vzy",
+ "3axx",
+ "4ogm",
+ "1ktj",
+ "6fuf",
+ "2q6n",
+ "8h3y",
+ "2p1p",
+ "4xim",
+ "2vmv",
+ "1sjp",
+ "2xs1",
+ "7kks",
+ "6s1s",
+ "6cb0",
+ "7ld9",
+ "4jar",
+ "6s4r",
+ "3ko8",
+ "7p14",
+ "7yza",
+ "3tjr",
+ "2il8",
+ "7cyu",
+ "4wuz",
+ "7a5y",
+ "4nag",
+ "6ott",
+ "1xmn",
+ "3ko3",
+ "5wgk",
+ "2kib",
+ "4hco",
+ "6q8b",
+ "7k4x",
+ "5mpj",
+ "6i50",
+ "4m3l",
+ "4rhg",
+ "6eoa",
+ "4gka",
+ "5ul6",
+ "1gc8",
+ "4oq3",
+ "7rl9",
+ "1i79",
+ "8aou",
+ "6pn1",
+ "7vyp",
+ "5iij",
+ "6mzp",
+ "4p8p",
+ "5enk",
+ "5noz",
+ "6eh7",
+ "1ycz",
+ "6zv9",
+ "4ung",
+ "5xoi",
+ "6m4m",
+ "6fi4",
+ "7m4g",
+ "4xgs",
+ "4ccm",
+ "5ti9",
+ "5ebc",
+ "3kxx",
+ "3a8i",
+ "7wuq",
+ "2l5a",
+ "6h61",
+ "1i9p",
+ "1zxh",
+ "7nz9",
+ "5p5n",
+ "2wgb",
+ "3az7",
+ "6tj4",
+ "3osg",
+ "1vok",
+ "6cuk",
+ "1yio",
+ "3e42",
+ "1n1h",
+ "2g37",
+ "7u2q",
+ "1z4u",
+ "1w3n",
+ "2ksa",
+ "2vtp",
+ "5bts",
+ "2qzw",
+ "3v8h",
+ "3sbh",
+ "6zav",
+ "4zgo",
+ "8hii",
+ "3meg",
+ "4zja",
+ "4i7a",
+ "6d8c",
+ "6jl0",
+ "5h1t",
+ "1qkq",
+ "3oji",
+ "1nzz",
+ "3b2f",
+ "1vb0",
+ "1w9v",
+ "7nc9",
+ "6q27",
+ "5xzk",
+ "3dxm",
+ "3hk3",
+ "7wf9",
+ "2qjr",
+ "4l37",
+ "6knr",
+ "6fn9",
+ "3ak9",
+ "3c2x",
+ "7xvy",
+ "6zjs",
+ "2hfk",
+ "2iqg",
+ "6o56",
+ "5qzb",
+ "1m6o",
+ "5g15",
+ "1kz1",
+ "4hly",
+ "3nr7",
+ "2xvz",
+ "2lh0",
+ "5twy",
+ "2a65",
+ "3tpl",
+ "5t8a",
+ "3a5c",
+ "5h3e",
+ "6kxy",
+ "2jvr",
+ "1ssc",
+ "6ddw",
+ "5pjp",
+ "4icu",
+ "5hmi",
+ "6qr7",
+ "6egv",
+ "7ewl",
+ "1c57",
+ "5nkd",
+ "4qer",
+ "4o33",
+ "4zbq",
+ "7msf",
+ "4x48",
+ "6wqf",
+ "2lrk",
+ "3csx",
+ "5nma",
+ "6tj1",
+ "2vaw",
+ "6da4",
+ "6j29",
+ "3vhc",
+ "1juk",
+ "5gg9",
+ "1q13",
+ "5a3a",
+ "7l24",
+ "4cw1",
+ "1f6y",
+ "7ur8",
+ "5dpt",
+ "3bwq",
+ "7ksf",
+ "7ry1",
+ "1wvn",
+ "2mvc",
+ "5c0m",
+ "7b9t",
+ "5md9",
+ "2ea3",
+ "7fc6",
+ "4ejf",
+ "6obs",
+ "4uzm",
+ "4ll9",
+ "7z98",
+ "3uq8",
+ "3i6m",
+ "4gus",
+ "3i8t",
+ "5f4h",
+ "6drh",
+ "2lre",
+ "3apz",
+ "3c6y",
+ "6k28",
+ "1jij",
+ "4cad",
+ "1ec6",
+ "1k1l",
+ "4dfp",
+ "5gyr",
+ "2xh0",
+ "2iae",
+ "8fk3",
+ "1bfs",
+ "1nj3",
+ "4lzt",
+ "2ria",
+ "5ffg",
+ "3ptg",
+ "1xj7",
+ "1f9g",
+ "7wcx",
+ "3v53",
+ "1shm",
+ "6vm2",
+ "5qnb",
+ "5bkb",
+ "1bju",
+ "5uce",
+ "5ufy",
+ "4czq",
+ "4fh3",
+ "7bdf",
+ "7cia",
+ "3v4j",
+ "2dik",
+ "5ye3",
+ "4opg",
+ "4evb",
+ "4f2m",
+ "7qce",
+ "5phm",
+ "1cus",
+ "7f38",
+ "7tac",
+ "4d7l",
+ "3t8j",
+ "3zwm",
+ "5gpj",
+ "7osb",
+ "6wbw",
+ "1dz4",
+ "3mc0",
+ "6wam",
+ "7dro",
+ "7kt0",
+ "6p5p",
+ "5f0l",
+ "3l26",
+ "3s2p",
+ "4dxj",
+ "5cig",
+ "3rlo",
+ "7nue",
+ "3aii",
+ "5p63",
+ "1bzr",
+ "7eaa",
+ "5wfz",
+ "2bnp",
+ "3lo7",
+ "252l",
+ "1axe",
+ "2a25",
+ "6iou",
+ "5neb",
+ "6fol",
+ "1rro",
+ "4h33",
+ "5xqu",
+ "2veu",
+ "6pcx",
+ "6poy",
+ "6azn",
+ "5pdv",
+ "1z5a",
+ "3hln",
+ "2c2t",
+ "4kor",
+ "6gd2",
+ "1hb4",
+ "1lko",
+ "4o05",
+ "3oyg",
+ "1lnh",
+ "3q3a",
+ "1kgj",
+ "4lrw",
+ "3oap",
+ "1jyo",
+ "7d27",
+ "3c70",
+ "1nn5",
+ "2ns2",
+ "1bq5",
+ "7wn7",
+ "7x2e",
+ "1s2a",
+ "8arj",
+ "4tmt",
+ "2fdu",
+ "1lwj",
+ "6rqw",
+ "2e3a",
+ "2yn0",
+ "6ynn",
+ "1h59",
+ "4n83",
+ "1sll",
+ "4tw1",
+ "6h8n",
+ "4j6v",
+ "6mpv",
+ "2nst",
+ "3w4s",
+ "7x7t",
+ "6qgd",
+ "7vw5",
+ "3cic",
+ "2wxp",
+ "4m3g",
+ "7pmh",
+ "4y74",
+ "6vvt",
+ "5tog",
+ "7aou",
+ "5jtm",
+ "3ior",
+ "1ikq",
+ "2kny",
+ "3u55",
+ "1mpl",
+ "4m3d",
+ "5b1r",
+ "1brt",
+ "7vie",
+ "4d6e",
+ "2zks",
+ "1ct8",
+ "5kv2",
+ "2bzy",
+ "2an6",
+ "4ppx",
+ "6pu2",
+ "4wim",
+ "6hhi",
+ "6r6n",
+ "6i0y",
+ "7rc9",
+ "6pi0",
+ "3fmt",
+ "6y4d",
+ "2ayy",
+ "6fud",
+ "5xii",
+ "6i7g",
+ "3fh7",
+ "3lj3",
+ "1l55",
+ "5t72",
+ "5xpz",
+ "6fxf",
+ "6hef",
+ "6xlp",
+ "4b76",
+ "2rk2",
+ "5esx",
+ "5sr4",
+ "3i25",
+ "7dse",
+ "1wm3",
+ "2big",
+ "1wdw",
+ "4fef",
+ "7uf4",
+ "4kgj",
+ "7lxk",
+ "6u6e",
+ "7mbz",
+ "6w8f",
+ "1glm",
+ "6uvc",
+ "3q2y",
+ "1tbg",
+ "1b88",
+ "7ni1",
+ "3hbp",
+ "2wdd",
+ "1w84",
+ "5k5m",
+ "3kti",
+ "2zaz",
+ "1ti3",
+ "3tt6",
+ "2vr3",
+ "4hxj",
+ "1meq",
+ "7p6g",
+ "5f3d",
+ "4ca8",
+ "2wsk",
+ "1i9r",
+ "115l",
+ "3e8k",
+ "6m8b",
+ "7deo",
+ "2c0l",
+ "1f0z",
+ "5zgp",
+ "1fas",
+ "1cg6",
+ "5bmw",
+ "5bk9",
+ "1mjs",
+ "7z3d",
+ "5h48",
+ "6ged",
+ "1leo",
+ "6zcn",
+ "6ffb",
+ "4rq7",
+ "1swa",
+ "2xd6",
+ "3jv6",
+ "3kji",
+ "1h7m",
+ "6xdm",
+ "1ogy",
+ "7n06",
+ "6im6",
+ "5p17",
+ "5cqd",
+ "1sbd",
+ "4qrh",
+ "7oxq",
+ "4c26",
+ "1l4y",
+ "7oja",
+ "2k92",
+ "4xc2",
+ "7cu8",
+ "3ppg",
+ "5y0x",
+ "6w1x",
+ "6gx8",
+ "4nuj",
+ "5z9c",
+ "5nf9",
+ "5ugj",
+ "1k34",
+ "1x8y",
+ "1iy6",
+ "3myj",
+ "4hqj",
+ "3i08",
+ "6fqh",
+ "6a5y",
+ "5hla",
+ "1plk",
+ "1j2w",
+ "5klc",
+ "4oy8",
+ "7k9l",
+ "3rcl",
+ "5b0m",
+ "5lej",
+ "6gms",
+ "1gzq",
+ "4ir7",
+ "6spa",
+ "3cmm",
+ "2yd9",
+ "8ic9",
+ "7qwz",
+ "4yeo",
+ "1p36",
+ "6yy7",
+ "4gwd",
+ "1uzm",
+ "7ps1",
+ "3p2t",
+ "6pil",
+ "6jkk",
+ "2r8a",
+ "2wlt",
+ "4qyo",
+ "5pwz",
+ "4r7y",
+ "6ef1",
+ "6j6i",
+ "2bze",
+ "3n5x",
+ "5rvi",
+ "7qjy",
+ "2jzp",
+ "5aq5",
+ "3dst",
+ "5p7k",
+ "5yi7",
+ "4fj1",
+ "6pe8",
+ "4n7m",
+ "2o8l",
+ "2of8",
+ "2lbg",
+ "7kku",
+ "3pgi",
+ "1am2",
+ "5w8h",
+ "2baj",
+ "3ho7",
+ "7u1h",
+ "1hfz",
+ "8aby",
+ "6bzk",
+ "5t3w",
+ "5oq5",
+ "1hqm",
+ "1cui",
+ "3cjw",
+ "1lbb",
+ "4m5u",
+ "5d79",
+ "4usr",
+ "4ovh",
+ "6rgb",
+ "2vm8",
+ "4lnf",
+ "7ef7",
+ "4bkf",
+ "5a2v",
+ "6xrj",
+ "4lmg",
+ "4mjy",
+ "1pn4",
+ "3rug",
+ "3zm0",
+ "1b6s",
+ "4ad5",
+ "4dum",
+ "2wuz",
+ "5fpb",
+ "4mj6",
+ "5yqg",
+ "5vtx",
+ "2zuw",
+ "4cuf",
+ "5usq",
+ "5g5y",
+ "6nm8",
+ "1r94",
+ "7bcz",
+ "4ooo",
+ "4rue",
+ "7lbo",
+ "2zy9",
+ "6y7e",
+ "2au8",
+ "6l8k",
+ "4j77",
+ "1e8n",
+ "2o68",
+ "5hvc",
+ "3avo",
+ "1lcx",
+ "5cjp",
+ "2n14",
+ "2wyd",
+ "1r0k",
+ "3ndb",
+ "4il6",
+ "6kxi",
+ "5tc1",
+ "2kxf",
+ "3r54",
+ "6v8v",
+ "3rjc",
+ "6dya",
+ "5qnf",
+ "1bfg",
+ "4xnv",
+ "3orv",
+ "2l97",
+ "7v58",
+ "6bti",
+ "6jnn",
+ "2hje",
+ "7td4",
+ "7dxe",
+ "8e9y",
+ "3q27",
+ "6wys",
+ "4krz",
+ "1a57",
+ "5de1",
+ "5foo",
+ "3gwh",
+ "5avf",
+ "8d0v",
+ "6tyx",
+ "6jww",
+ "1ejh",
+ "1xaj",
+ "3js8",
+ "3v7y",
+ "7bv2",
+ "5h5i",
+ "3rz6",
+ "5n9u",
+ "4fpd",
+ "6kcm",
+ "6pyx",
+ "5fwo",
+ "4oom",
+ "6he2",
+ "4ocv",
+ "7u6a",
+ "3ilf",
+ "6jxx",
+ "2d1y",
+ "6rr7",
+ "3cpo",
+ "6hlv",
+ "3qra",
+ "7ukg",
+ "5ujm",
+ "2e91",
+ "7mdu",
+ "1pgf",
+ "2aqh",
+ "1o7a",
+ "4n1y",
+ "1mmr",
+ "1e1y",
+ "4d7d",
+ "3imu",
+ "3whb",
+ "5yz4",
+ "4ud1",
+ "1fr1",
+ "5d2c",
+ "2ask",
+ "7w5t",
+ "3mzs",
+ "2qq0",
+ "6mtu",
+ "6mt3",
+ "5zyw",
+ "3ln5",
+ "4v03",
+ "1j9e",
+ "4n4k",
+ "5w7q",
+ "3az6",
+ "6o7o",
+ "6oy5",
+ "6dig",
+ "4z6t",
+ "1nz7",
+ "1p02",
+ "1iua",
+ "2i3e",
+ "7bpi",
+ "6p7w",
+ "6eio",
+ "1lep",
+ "2mn1",
+ "4u0q",
+ "4or2",
+ "3auw",
+ "7agy",
+ "4c8o",
+ "3a21",
+ "2uvh",
+ "7bu3",
+ "6sx5",
+ "7llq",
+ "6qgt",
+ "6bgf",
+ "4x1k",
+ "4j0h",
+ "5wi6",
+ "4rlq",
+ "5go8",
+ "4kfc",
+ "5ma1",
+ "1tur",
+ "6ewy",
+ "5z5v",
+ "5mic",
+ "2of9",
+ "1krl",
+ "4o76",
+ "1uv5",
+ "3ztq",
+ "1nje",
+ "6tbg",
+ "4mhi",
+ "5rgf",
+ "4e0i",
+ "2m98",
+ "6d6t",
+ "2j98",
+ "1ul3",
+ "1jc2",
+ "6a98",
+ "7qt7",
+ "2hxp",
+ "3i27",
+ "4zvu",
+ "5y8w",
+ "6kqm",
+ "5t6g",
+ "7jr1",
+ "5a0l",
+ "4fz7",
+ "1dqv",
+ "1vez",
+ "6q2x",
+ "1igo",
+ "4kha",
+ "1br4",
+ "3cvb",
+ "2lv7",
+ "1am1",
+ "6u9y",
+ "6lyp",
+ "6cxo",
+ "5su1",
+ "6mo2",
+ "1bfa",
+ "3kfj",
+ "6wtg",
+ "6g84",
+ "2ju7",
+ "6q6o",
+ "5otd",
+ "2j22",
+ "3egn",
+ "5ozx",
+ "5t3e",
+ "6p3x",
+ "7xdi",
+ "4bu9",
+ "4bu5",
+ "7sge",
+ "5m06",
+ "7n9k",
+ "5f6w",
+ "2ktv",
+ "2c6p",
+ "2ol2",
+ "6v75",
+ "3ei0",
+ "1nwz",
+ "5jdd",
+ "7xe6",
+ "6nmj",
+ "5frq",
+ "2if4",
+ "4i16",
+ "6nqe",
+ "4c5f",
+ "7fli",
+ "1wal",
+ "5c09",
+ "6pyr",
+ "7rcm",
+ "5ijk",
+ "5o9v",
+ "2lhi",
+ "2w24",
+ "1el0",
+ "6x4g",
+ "6dcq",
+ "4hbp",
+ "4acs",
+ "5muy",
+ "6oar",
+ "4gm2",
+ "6p4b",
+ "6eeb",
+ "4doq",
+ "3uqf",
+ "1gxr",
+ "6q54",
+ "6hmf",
+ "1xfi",
+ "7dnu",
+ "8bd4",
+ "3fqo",
+ "1atr",
+ "2hg0",
+ "1g69",
+ "7uo1",
+ "6pj8",
+ "7o0n",
+ "1q6x",
+ "3n3f",
+ "3t0e",
+ "3kaj",
+ "3ah4",
+ "6oy4",
+ "4nbv",
+ "4z05",
+ "6xh5",
+ "3mjv",
+ "1ae1",
+ "5or4",
+ "1qi4",
+ "1esx",
+ "2kya",
+ "5lg3",
+ "2lkq",
+ "3eyj",
+ "6rmw",
+ "6kqh",
+ "4rqe",
+ "4q65",
+ "3foz",
+ "5usf",
+ "7osi",
+ "5sbc",
+ "3q6v",
+ "7ddo",
+ "6w7h",
+ "2fo5",
+ "3k7u",
+ "2osc",
+ "6sb3",
+ "7jup",
+ "7o49",
+ "4x50",
+ "4m0f",
+ "1r15",
+ "3q2a",
+ "5eas",
+ "6u7x",
+ "5vik",
+ "6y6a",
+ "1m7n",
+ "1jk9",
+ "1a5t",
+ "4ruz",
+ "2jrw",
+ "4run",
+ "7bt9",
+ "2sil",
+ "7wpl",
+ "5j18",
+ "1xey",
+ "1xr0",
+ "4xiv",
+ "5wy5",
+ "4x6x",
+ "6maa",
+ "6opt",
+ "6bwz",
+ "8gpt",
+ "6lje",
+ "1diq",
+ "7rk2",
+ "1nx3",
+ "6nc9",
+ "2lfu",
+ "2r6y",
+ "5te2",
+ "6gol",
+ "4wdd",
+ "7fs8",
+ "4gxp",
+ "5yqw",
+ "3d1q",
+ "4z20",
+ "7e0u",
+ "3vhi",
+ "6l82",
+ "3kp9",
+ "3uoj",
+ "5fjb",
+ "4i2d",
+ "6zn2",
+ "7ozl",
+ "6jd8",
+ "6u78",
+ "3nn3",
+ "5ok8",
+ "4dt8",
+ "1aha",
+ "6eaq",
+ "2pe8",
+ "4hso",
+ "2j7a",
+ "7ywu",
+ "5jar",
+ "2biq",
+ "3iz1",
+ "6r4k",
+ "4amo",
+ "5bxt",
+ "1uaj",
+ "4xqd",
+ "7l8w",
+ "5svd",
+ "2uwm",
+ "5dcf",
+ "1lb8",
+ "7khe",
+ "6ofd",
+ "5c98",
+ "3wdo",
+ "7k9o",
+ "6h4a",
+ "2ed6",
+ "2gus",
+ "5pjt",
+ "3ouh",
+ "7m5i",
+ "3hc5",
+ "6m0d",
+ "1oap",
+ "6pfm",
+ "5mn6",
+ "1waj",
+ "3wu9",
+ "8ews",
+ "6buz",
+ "6dtf",
+ "4p49",
+ "7ceu",
+ "1bns",
+ "5mz8",
+ "7ldd",
+ "3ncb",
+ "1rmd",
+ "1nir",
+ "5lyo",
+ "4x93",
+ "6yah",
+ "8dou",
+ "3dz7",
+ "6nx8",
+ "4yxd",
+ "1sw8",
+ "7lu0",
+ "3gh6",
+ "1nf8",
+ "7be8",
+ "3oh1",
+ "1xdp",
+ "6r50",
+ "2jdu",
+ "4ao8",
+ "7wqw",
+ "6uvi",
+ "7jwt",
+ "5ufl",
+ "3wxq",
+ "3exo",
+ "6ilg",
+ "3loo",
+ "5poh",
+ "1urk",
+ "5ak8",
+ "4z29",
+ "5mxm",
+ "1l2e",
+ "1zrn",
+ "4wdb",
+ "3uoz",
+ "7p5f",
+ "5c1u",
+ "5xe9",
+ "1xdk",
+ "5fek",
+ "4xod",
+ "4xzi",
+ "5jdk",
+ "5a6y",
+ "2wxl",
+ "1slu",
+ "7crh",
+ "2iys",
+ "3lbz",
+ "1u5c",
+ "6n70",
+ "6pag",
+ "7fnz",
+ "5dzp",
+ "1sox",
+ "4yhf",
+ "1sfi",
+ "4dw4",
+ "6sst",
+ "4n2k",
+ "5f8s",
+ "6n34",
+ "7lnp",
+ "4c8u",
+ "5amd",
+ "8bns",
+ "6w9o",
+ "3h4s",
+ "1ui7",
+ "2jni",
+ "4lm7",
+ "5ijh",
+ "1ywr",
+ "7ko7",
+ "1w0t",
+ "6duh",
+ "2r92",
+ "6pvi",
+ "6onv",
+ "2jlp",
+ "6urp",
+ "5ekn",
+ "5iq4",
+ "3c4y",
+ "4rtp",
+ "1j0o",
+ "1p4r",
+ "4xt0",
+ "2vep",
+ "6smw",
+ "4mob",
+ "3eg6",
+ "2h1x",
+ "2a91",
+ "4k18",
+ "6iin",
+ "4waj",
+ "6rq5",
+ "5ale",
+ "8djv",
+ "6pwu",
+ "4ezq",
+ "4nmx",
+ "4b0s",
+ "6e0q",
+ "6ld2",
+ "1kn1",
+ "1aw7",
+ "1f2n",
+ "1v7p",
+ "7vpg",
+ "6mdo",
+ "2p4i",
+ "4q6e",
+ "6flg",
+ "3g43",
+ "6y3z",
+ "5c1c",
+ "3da6",
+ "1dqt",
+ "5ufw",
+ "2jkf",
+ "4jct",
+ "5pw0",
+ "6g9o",
+ "7win",
+ "1dsx",
+ "5qu6",
+ "1hlc",
+ "4ue6",
+ "3p43",
+ "2dw2",
+ "5tx2",
+ "5hzv",
+ "4nh3",
+ "4bk0",
+ "5z75",
+ "2c3h",
+ "4q7o",
+ "3ag7",
+ "5w58",
+ "5s3f",
+ "6ta3",
+ "4tq0",
+ "1s79",
+ "3ol2",
+ "5vx4",
+ "6bvv",
+ "4qg3",
+ "5fj5",
+ "2yoi",
+ "2km6",
+ "3dwk",
+ "1pq6",
+ "5m1c",
+ "4rss",
+ "4p0h",
+ "6iuk",
+ "1qjp",
+ "5ulu",
+ "3gfx",
+ "2qmg",
+ "6kvq",
+ "2lqd",
+ "3hsm",
+ "3wxk",
+ "5ivv",
+ "5ggg",
+ "6yc8",
+ "6kk0",
+ "7mo6",
+ "2kzk",
+ "3cri",
+ "1j5d",
+ "7flu",
+ "5a9j",
+ "4b2s",
+ "1ltm",
+ "6tgi",
+ "6mlv",
+ "3b38",
+ "6wp9",
+ "6yqw",
+ "1rra",
+ "3hpf",
+ "1bve",
+ "3k0s",
+ "7wyg",
+ "7amz",
+ "1p8t",
+ "1hyf",
+ "3oyp",
+ "1utb",
+ "1ymm",
+ "6djf",
+ "4uiu",
+ "1p4q",
+ "4kv8",
+ "2pw1",
+ "6d61",
+ "5vyo",
+ "2cim",
+ "5r8b",
+ "1h64",
+ "1cr1",
+ "6a48",
+ "6ifd",
+ "3boa",
+ "3chl",
+ "8auo",
+ "1pl8",
+ "3awd",
+ "4y2q",
+ "8amu",
+ "4lik",
+ "4m12",
+ "3b3g",
+ "1f4h",
+ "6r5w",
+ "1l73",
+ "5aer",
+ "3lsl",
+ "2xuo",
+ "6faf",
+ "3ww8",
+ "5nfz",
+ "5vsc",
+ "1ga1",
+ "4tyb",
+ "1dpw",
+ "3g3d",
+ "2wyu",
+ "6bh2",
+ "1b4t",
+ "2xg5",
+ "1cyo",
+ "2fwr",
+ "4pxz",
+ "6yv1",
+ "6ol8",
+ "5ccm",
+ "4nee",
+ "2znf",
+ "6cdc",
+ "1b3a",
+ "8ayc",
+ "7bc1",
+ "4khs",
+ "4xsj",
+ "7qmd",
+ "2ptz",
+ "7wok",
+ "2nsm",
+ "6xpy",
+ "5hmj",
+ "6uxy",
+ "5lcz",
+ "7ofb",
+ "2l19",
+ "1xap",
+ "3v39",
+ "7b3a",
+ "7ssx",
+ "2ias",
+ "7qab",
+ "1uyl",
+ "7co6",
+ "3c9s",
+ "6hf7",
+ "1m5e",
+ "6bii",
+ "7kzb",
+ "3p3k",
+ "2qim",
+ "5r3v",
+ "7e87",
+ "1sf3",
+ "6sod",
+ "1scw",
+ "1dly",
+ "6k9e",
+ "5qzd",
+ "7dyn",
+ "3iw1",
+ "2mji",
+ "7vx5",
+ "5jh6",
+ "1c43",
+ "4ux8",
+ "7bcq",
+ "5qf6",
+ "2h2r",
+ "7pct",
+ "7k4c",
+ "1w2i",
+ "2f2o",
+ "5toz",
+ "4av6",
+ "2bn1",
+ "5a8x",
+ "5wbh",
+ "3ec0",
+ "6c6c",
+ "5hme",
+ "3ajg",
+ "2hfn",
+ "6ksi",
+ "3vv9",
+ "1x71",
+ "8f4t",
+ "6ymo",
+ "2l12",
+ "4lwu",
+ "2bfa",
+ "4tnq",
+ "2ntd",
+ "3ut7",
+ "5uim",
+ "7fmc",
+ "4u1a",
+ "6mv0",
+ "1ttn",
+ "5icn",
+ "2bmf",
+ "5ctq",
+ "1u56",
+ "7bm5",
+ "1hc7",
+ "4o4p",
+ "7ofi",
+ "2v7x",
+ "7dad",
+ "2f14",
+ "6w3f",
+ "5p3w",
+ "6ub2",
+ "4mwr",
+ "6qnk",
+ "1ih0",
+ "6bw9",
+ "6vk8",
+ "5nlz",
+ "8gxl",
+ "3eg3",
+ "3mpi",
+ "1nsi",
+ "1wmm",
+ "4chb",
+ "5t6o",
+ "6d3b",
+ "1h9d",
+ "2lon",
+ "5l3a",
+ "1ocv",
+ "2lx9",
+ "3tu6",
+ "1an8",
+ "2iqc",
+ "1k8b",
+ "4auy",
+ "2wdt",
+ "1ted",
+ "5wta",
+ "6fip",
+ "2iiv",
+ "5sq1",
+ "1m0z",
+ "1xk9",
+ "7qkj",
+ "2f1i",
+ "6fo5",
+ "6xz6",
+ "4mfb",
+ "8eci",
+ "5r9h",
+ "7uf0",
+ "6b6j",
+ "2dko",
+ "2qw7",
+ "6mvt",
+ "4ni6",
+ "1czk",
+ "3v2l",
+ "5uu8",
+ "3usn",
+ "2hgx",
+ "5rdq",
+ "7oo9",
+ "5nkt",
+ "5io1",
+ "3mbf",
+ "4fyj",
+ "3m06",
+ "7xrj",
+ "5oj7",
+ "3e7j",
+ "7voe",
+ "3iq3",
+ "4jy4",
+ "6rga",
+ "7exq",
+ "3qii",
+ "2jep",
+ "1dx8",
+ "5p55",
+ "5hb7",
+ "5jsk",
+ "2bwq",
+ "7w2b",
+ "2j60",
+ "2eyv",
+ "1l4m",
+ "5tv4",
+ "4m4z",
+ "3tgh",
+ "6e4h",
+ "1trq",
+ "4ltb",
+ "6edv",
+ "1ao8",
+ "3ixa",
+ "5ql9",
+ "3w4q",
+ "7b80",
+ "4axn",
+ "3vb5",
+ "1rc4",
+ "5we8",
+ "6lyu",
+ "3tu5",
+ "4dk4",
+ "4xi2",
+ "6wo7",
+ "7t3d",
+ "2yg9",
+ "5hgr",
+ "7brz",
+ "2wr0",
+ "1wap",
+ "3r1p",
+ "1s21",
+ "3tgn",
+ "5zcw",
+ "2fvf",
+ "7li0",
+ "2uux",
+ "5lv6",
+ "2lm5",
+ "3git",
+ "3b20",
+ "3su8",
+ "7dsj",
+ "2bfb",
+ "7m23",
+ "6mt0",
+ "5wwe",
+ "5d8x",
+ "2dea",
+ "5cpo",
+ "5i8b",
+ "2wk0",
+ "6wxd",
+ "4ndn",
+ "1d5b",
+ "5y48",
+ "3u3g",
+ "2efo",
+ "5ev9",
+ "1hnd",
+ "2i40",
+ "3ftz",
+ "6oqx",
+ "5cuj",
+ "5ow5",
+ "1tw5",
+ "6vlq",
+ "5imy",
+ "6b59",
+ "6p1i",
+ "4tni",
+ "3lp3",
+ "6rxs",
+ "7tum",
+ "6jap",
+ "2c57",
+ "5uqx",
+ "3uom",
+ "2xn9",
+ "5aix",
+ "3i6i",
+ "2c5j",
+ "6kh3",
+ "6hxp",
+ "2lhf",
+ "1qgr",
+ "3caj",
+ "1bv8",
+ "5xzr",
+ "1t0y",
+ "5m2p",
+ "4c1t",
+ "2gww",
+ "1jjb",
+ "3lxo",
+ "6w43",
+ "3hek",
+ "2xe3",
+ "4xhi",
+ "8ehr",
+ "4ju1",
+ "8exq",
+ "2xi1",
+ "1vzx",
+ "3p3s",
+ "2a0l",
+ "2cvu",
+ "1quo",
+ "3g4z",
+ "2p01",
+ "3fi1",
+ "6zwk",
+ "6b9t",
+ "5j58",
+ "6sk4",
+ "1h6m",
+ "3lky",
+ "2qy7",
+ "3gin",
+ "7kz5",
+ "4a4w",
+ "3h7x",
+ "7z2n",
+ "1cw3",
+ "7rvb",
+ "5w22",
+ "7ukp",
+ "5zmf",
+ "2wm4",
+ "7sd0",
+ "6lfg",
+ "6zqn",
+ "7vue",
+ "4kgh",
+ "4tv6",
+ "5z6u",
+ "4xyi",
+ "6ply",
+ "5bxv",
+ "5eqg",
+ "5svo",
+ "5pns",
+ "1b2o",
+ "6ivw",
+ "3a03",
+ "2aog",
+ "2icj",
+ "4mrc",
+ "3b6z",
+ "1sha",
+ "5j9x",
+ "4ddq",
+ "2ff4",
+ "7n5k",
+ "4nxs",
+ "2axv",
+ "2mze",
+ "2lcy",
+ "6ilr",
+ "4fk8",
+ "6uso",
+ "5awg",
+ "5j56",
+ "1gyr",
+ "6gzm",
+ "4clm",
+ "1ftj",
+ "1ki7",
+ "5pkn",
+ "5k60",
+ "1aqt",
+ "3pro",
+ "1ry2",
+ "7lxt",
+ "2lvf",
+ "6lvu",
+ "7dqz",
+ "7fnx",
+ "6hso",
+ "7bpy",
+ "7om3",
+ "1io3",
+ "3bn6",
+ "4c46",
+ "1snn",
+ "3kab",
+ "8aas",
+ "1rjh",
+ "1byo",
+ "6e3n",
+ "3qks",
+ "7ffu",
+ "5lkw",
+ "5nyg",
+ "7jzw",
+ "6jq4",
+ "3dfj",
+ "7tr3",
+ "2v7y",
+ "6pg8",
+ "3gal",
+ "7dru",
+ "3a3h",
+ "6l1h",
+ "6bkm",
+ "5ojk",
+ "4j5h",
+ "5xg3",
+ "1fnl",
+ "2xv0",
+ "1ye4",
+ "6ek9",
+ "5hxw",
+ "4moh",
+ "4oq8",
+ "1s83",
+ "5du6",
+ "1p3c",
+ "7req",
+ "5tqw",
+ "4lri",
+ "4dmz",
+ "5hkn",
+ "4yex",
+ "2dcp",
+ "6pa4",
+ "1tyj",
+ "6hu0",
+ "7ub8",
+ "1h9o",
+ "2d0u",
+ "4pb1",
+ "1fx0",
+ "3m5y",
+ "2q6o",
+ "3w2f",
+ "6lg3",
+ "5c7j",
+ "1duc",
+ "2hby",
+ "5rf1",
+ "1d8b",
+ "2qld",
+ "3fpg",
+ "7kbj",
+ "4aoj",
+ "6r5i",
+ "1zr6",
+ "1erq",
+ "2pqs",
+ "2p53",
+ "6nx5",
+ "7ndg",
+ "2a6t",
+ "5abn",
+ "7k5y",
+ "3ltd",
+ "2bdn",
+ "5chs",
+ "3cn5",
+ "6znv",
+ "1jcs",
+ "1jt2",
+ "2orc",
+ "3vf6",
+ "3a60",
+ "5i93",
+ "6oz8",
+ "1p6n",
+ "1bwj",
+ "1txf",
+ "6h9d",
+ "4l4x",
+ "5wi4",
+ "6t4o",
+ "4x7i",
+ "2zgg",
+ "1o8y",
+ "1vgc",
+ "5x3f",
+ "1hep",
+ "3w02",
+ "3t3t",
+ "6ffu",
+ "3qo3",
+ "1xbn",
+ "6xxu",
+ "4umy",
+ "7ayi",
+ "1im6",
+ "3j89",
+ "1m6w",
+ "3bry",
+ "4j7l",
+ "7p5y",
+ "1xkx",
+ "3pa9",
+ "1usg",
+ "3bgf",
+ "8e18",
+ "5vw7",
+ "4ya5",
+ "6gec",
+ "2iln",
+ "3zvs",
+ "6enh",
+ "4i80",
+ "1p7z",
+ "1oug",
+ "6c02",
+ "2bl6",
+ "4xry",
+ "6mo8",
+ "1xhb",
+ "7td2",
+ "4fyh",
+ "4y7l",
+ "6dcr",
+ "1lhh",
+ "6tta",
+ "2ccv",
+ "5tgl",
+ "7lb6",
+ "4e1p",
+ "1km1",
+ "3quh",
+ "6spi",
+ "1gf5",
+ "6hm5",
+ "5xpo",
+ "2hi7",
+ "5cle",
+ "5oke",
+ "4jh5",
+ "1xad",
+ "7ruc",
+ "1ce0",
+ "4jqf",
+ "7qbt",
+ "3tyu",
+ "5jh7",
+ "5jh3",
+ "2qmc",
+ "6s5c",
+ "5vud",
+ "4le7",
+ "5t66",
+ "5ove",
+ "5erc",
+ "4ms1",
+ "2wzn",
+ "3rqk",
+ "2cbh",
+ "6pmv",
+ "3djq",
+ "1wz4",
+ "5tjy",
+ "4hhm",
+ "2h6o",
+ "3ij0",
+ "4fhw",
+ "2bag",
+ "1ezp",
+ "3hcs",
+ "1wbn",
+ "5sun",
+ "4ac6",
+ "2sdf",
+ "1hsh",
+ "5bni",
+ "4xt3",
+ "2a53",
+ "7lup",
+ "4anw",
+ "4co7",
+ "5oao",
+ "3rin",
+ "2pgj",
+ "1uuw",
+ "1kef",
+ "4l40",
+ "2fju",
+ "5w3v",
+ "6nkq",
+ "5ps6",
+ "6z5w",
+ "2bx7",
+ "6mbt",
+ "7c36",
+ "5xw2",
+ "1cki",
+ "3mi3",
+ "2oxy",
+ "1wu9",
+ "6a04",
+ "6k36",
+ "4e81",
+ "3p3h",
+ "5pip",
+ "1sux",
+ "5yq0",
+ "7fiu",
+ "3asd",
+ "1kno",
+ "6ycq",
+ "7rzt",
+ "4qei",
+ "5hga",
+ "4jf3",
+ "1wgi",
+ "7u82",
+ "1drj",
+ "4y8o",
+ "6l1z",
+ "1k2p",
+ "3eeu",
+ "1cmx",
+ "6bt3",
+ "1n6m",
+ "5wa3",
+ "2lua",
+ "7zup",
+ "6b8g",
+ "4mx1",
+ "4ast",
+ "4lku",
+ "3tmb",
+ "5ijj",
+ "4lpj",
+ "3maq",
+ "4d1z",
+ "5l3o",
+ "6yyl",
+ "5wfl",
+ "6jo1",
+ "7t40",
+ "4mpo",
+ "6hnu",
+ "1hjm",
+ "6dv1",
+ "5hk1",
+ "3agk",
+ "7umx",
+ "6s7a",
+ "6td3",
+ "7jof",
+ "2qgt",
+ "1h6i",
+ "3otf",
+ "7dso",
+ "4bip",
+ "6uqs",
+ "6gnw",
+ "1gyh",
+ "4nk4",
+ "2hb2",
+ "7low",
+ "7z28",
+ "4mxq",
+ "7kw8",
+ "2vh9",
+ "6czj",
+ "3zqu",
+ "3aa4",
+ "6rgc",
+ "2v62",
+ "4tu6",
+ "4wku",
+ "2qpm",
+ "7dyz",
+ "4kea",
+ "3idh",
+ "5hzd",
+ "1r8a",
+ "1sb6",
+ "2zuc",
+ "1a9o",
+ "7czg",
+ "7t99",
+ "6t0f",
+ "4xyg",
+ "7r61",
+ "4b0j",
+ "5wbt",
+ "2lht",
+ "1z2d",
+ "3zw6",
+ "7zs8",
+ "6we4",
+ "3ro9",
+ "4lgp",
+ "1fh2",
+ "6pcd",
+ "2bbr",
+ "5mts",
+ "6g3c",
+ "6f6p",
+ "6fhu",
+ "2a55",
+ "5cnj",
+ "6oi9",
+ "5mwy",
+ "1yew",
+ "4whk",
+ "1fkj",
+ "5xfh",
+ "6iex",
+ "3kfa",
+ "6rlu",
+ "1pj9",
+ "6wro",
+ "7cpz",
+ "7zse",
+ "3upx",
+ "1n90",
+ "5ono",
+ "7zrj",
+ "7nae",
+ "7wmg",
+ "6wgo",
+ "3qqi",
+ "2xmc",
+ "1env",
+ "5yr9",
+ "2riv",
+ "2lh8",
+ "3zve",
+ "5a09",
+ "6c1j",
+ "6mlr",
+ "6hvi",
+ "6twe",
+ "5wt7",
+ "1jfu",
+ "5rd2",
+ "7sjq",
+ "4oq0",
+ "4v2b",
+ "6vtr",
+ "1hlw",
+ "4p1r",
+ "2a7n",
+ "1py0",
+ "6yjn",
+ "4x8n",
+ "1mjg",
+ "4jkl",
+ "3f6d",
+ "1axn",
+ "3sma",
+ "7l0q",
+ "2w3o",
+ "1ofk",
+ "2den",
+ "1wqp",
+ "7b65",
+ "7r4m",
+ "2r2h",
+ "1sqc",
+ "1r5y",
+ "1o42",
+ "2vkx",
+ "1ghz",
+ "4gye",
+ "4jhv",
+ "4frz",
+ "1mvs",
+ "3id2",
+ "6nsz",
+ "1epb",
+ "7mm7",
+ "4pyp",
+ "1o6i",
+ "3zmr",
+ "6i4z",
+ "4o5s",
+ "7b46",
+ "3hea",
+ "1ekl",
+ "2hs0",
+ "1mj5",
+ "2asy",
+ "4l7s",
+ "2z4x",
+ "6a09",
+ "6ecg",
+ "6si4",
+ "7tq9",
+ "4oe6",
+ "4p6i",
+ "4b1i",
+ "5qo4",
+ "3mxn",
+ "1zv7",
+ "2gph",
+ "3s6a",
+ "6a92",
+ "5cfy",
+ "4mzd",
+ "5lyq",
+ "3pwd",
+ "4b1d",
+ "4kgx",
+ "1acj",
+ "6obm",
+ "3kyd",
+ "4dcq",
+ "5d3f",
+ "5wiy",
+ "3wbf",
+ "4w8q",
+ "2g9f",
+ "3vmk",
+ "4yzn",
+ "3owk",
+ "2k4k",
+ "6vhd",
+ "3q3b",
+ "8dfa",
+ "3sy7",
+ "7mg5",
+ "3ob6",
+ "1blb",
+ "2a4a",
+ "5m6s",
+ "3tf9",
+ "5u8g",
+ "6faq",
+ "4r39",
+ "8bpr",
+ "3jpv",
+ "6b3w",
+ "3f8d",
+ "3dv7",
+ "6krn",
+ "6q9h",
+ "6dw2",
+ "8bc0",
+ "6gw9",
+ "1wut",
+ "4irf",
+ "1myn",
+ "4kht",
+ "1nvj",
+ "1xax",
+ "5nrp",
+ "5tyw",
+ "2ac2",
+ "6bur",
+ "4y8i",
+ "5eli",
+ "4pd6",
+ "1t5l",
+ "1r7x",
+ "4q19",
+ "4dwx",
+ "2wlg",
+ "5nbs",
+ "4bcu",
+ "8bqg",
+ "3zez",
+ "4h7w",
+ "6f1j",
+ "7er2",
+ "6ic0",
+ "6jpk",
+ "5ozs",
+ "6fcq",
+ "2pft",
+ "7z7d",
+ "4r3v",
+ "4okd",
+ "4coi",
+ "7bep",
+ "3h30",
+ "1a5k",
+ "6stl",
+ "6y6t",
+ "1vam",
+ "6ery",
+ "3up5",
+ "1yms",
+ "6gvp",
+ "7phl",
+ "4xjn",
+ "5lal",
+ "4hl5",
+ "9ca2",
+ "2qcu",
+ "1su2",
+ "4z7i",
+ "4ypl",
+ "2ijx",
+ "2g2z",
+ "4iul",
+ "4pl0",
+ "3zfe",
+ "2xy8",
+ "6rx4",
+ "7pq7",
+ "3elj",
+ "5gvx",
+ "2w75",
+ "3gp1",
+ "1yrg",
+ "6azw",
+ "2k8y",
+ "7uat",
+ "6jrk",
+ "5fiq",
+ "5dae",
+ "4lnk",
+ "1pz3",
+ "4k50",
+ "3wul",
+ "3dks",
+ "8ea8",
+ "5kye",
+ "1iat",
+ "7fjz",
+ "7qqh",
+ "5aar",
+ "6grb",
+ "3alz",
+ "7ok3",
+ "1esw",
+ "2jty",
+ "1a3g",
+ "4dz3",
+ "1t7i",
+ "2a4r",
+ "5aeo",
+ "3b28",
+ "6gek",
+ "2wyn",
+ "7ptf",
+ "6zgz",
+ "6raf",
+ "6ftz",
+ "2f5z",
+ "5oju",
+ "5uac",
+ "3ayk",
+ "6djh",
+ "6vz0",
+ "5c67",
+ "6xgt",
+ "3rmx",
+ "7b89",
+ "1zy7",
+ "1plc",
+ "2od2",
+ "1g4x",
+ "1ogd",
+ "2hwx",
+ "1qqk",
+ "3rje",
+ "3mea",
+ "3ph0",
+ "3fuu",
+ "5jie",
+ "1c1h",
+ "1gy7",
+ "6dqw",
+ "1n2e",
+ "7v3c",
+ "3ipb",
+ "6arn",
+ "2gv7",
+ "5s9y",
+ "4ql9",
+ "5fe4",
+ "2ksu",
+ "4ew9",
+ "1l9x",
+ "2j67",
+ "4du4",
+ "1pwz",
+ "6e9w",
+ "3c39",
+ "1ji1",
+ "2zfw",
+ "6nhx",
+ "3wxi",
+ "7wgp",
+ "7z4u",
+ "5tlj",
+ "3owv",
+ "3a1k",
+ "6pi7",
+ "5ecd",
+ "4j1u",
+ "1rkg",
+ "6nqd",
+ "1za0",
+ "1ije",
+ "1fge",
+ "5i8j",
+ "5nyy",
+ "2n3f",
+ "4m56",
+ "2fub",
+ "8bep",
+ "4kqb",
+ "4tt2",
+ "6gw6",
+ "6rai",
+ "6kzn",
+ "2lpi",
+ "5xqv",
+ "4aep",
+ "5ero",
+ "4dod",
+ "3zch",
+ "7bo6",
+ "6nc4",
+ "6doe",
+ "4n5n",
+ "6z7x",
+ "1wci",
+ "5h3n",
+ "3gne",
+ "3q3t",
+ "2req",
+ "2cdn",
+ "5nsc",
+ "1qbb",
+ "5l9z",
+ "1csq",
+ "7ljx",
+ "5fxi",
+ "6r3x",
+ "6jen",
+ "2pdc",
+ "7pn5",
+ "2rq4",
+ "4q2k",
+ "6pgf",
+ "7wwo",
+ "4wxa",
+ "3arg",
+ "2v0i",
+ "6gpc",
+ "6y9o",
+ "1pts",
+ "4qb0",
+ "6d4w",
+ "1i58",
+ "1kpt",
+ "4yr2",
+ "5eiz",
+ "5nze",
+ "4iuj",
+ "2wnx",
+ "3ong",
+ "4m5j",
+ "5nlm",
+ "1nj8",
+ "4cr8",
+ "1viz",
+ "7qtu",
+ "2pku",
+ "5dzj",
+ "2pgq",
+ "4n7r",
+ "5bqe",
+ "1h9y",
+ "5mph",
+ "2hw7",
+ "5lzq",
+ "2m06",
+ "2kfk",
+ "5f5j",
+ "4d46",
+ "3oqc",
+ "5rfq",
+ "3kxy",
+ "5vzy",
+ "4yix",
+ "4lp5",
+ "4i8w",
+ "3dg7",
+ "7b9r",
+ "1pjf",
+ "1qxl",
+ "6b1f",
+ "4hwf",
+ "5k04",
+ "3x23",
+ "1lkm",
+ "3oq7",
+ "5mhb",
+ "7zld",
+ "3sjb",
+ "3v9o",
+ "1cot",
+ "1b2z",
+ "2fff",
+ "6g82",
+ "3ch1",
+ "6kme",
+ "1w0e",
+ "5oum",
+ "5yvp",
+ "1fgl",
+ "7psk",
+ "1s1d",
+ "3dtc",
+ "5hcx",
+ "6ijh",
+ "3osw",
+ "5a5p",
+ "3tss",
+ "4i7j",
+ "7p9r",
+ "1c28",
+ "7az3",
+ "1u3j",
+ "1w79",
+ "3qu0",
+ "6g1u",
+ "7a19",
+ "1pey",
+ "2yma",
+ "2jxu",
+ "3tg4",
+ "2q73",
+ "5boo",
+ "6h2i",
+ "7m48",
+ "4lm1",
+ "3mj1",
+ "3dtu",
+ "3ees",
+ "2ma3",
+ "5l8v",
+ "1ak0",
+ "2fdd",
+ "3ogn",
+ "1bwz",
+ "5wg6",
+ "1ryx",
+ "5tph",
+ "3t4d",
+ "7jso",
+ "6ak1",
+ "1pby",
+ "7jis",
+ "4c7k",
+ "3qzm",
+ "5uau",
+ "2cau",
+ "1fy5",
+ "4a6v",
+ "1xsz",
+ "7b3e",
+ "4kdl",
+ "6huz",
+ "6vcp",
+ "1j4m",
+ "7bq6",
+ "1mbc",
+ "7b0z",
+ "2v5k",
+ "1b18",
+ "4rag",
+ "6ntz",
+ "7emo",
+ "3wpj",
+ "7tkl",
+ "5i9j",
+ "6jlp",
+ "3ucc",
+ "3rmd",
+ "1mma",
+ "5xa4",
+ "2mu4",
+ "4rio",
+ "4ks2",
+ "1q47",
+ "6l2a",
+ "2x5c",
+ "7jub",
+ "6ltm",
+ "5p69",
+ "6f8h",
+ "6vi7",
+ "2r7n",
+ "2pxb",
+ "5aoy",
+ "7bu8",
+ "2z5d",
+ "2azz",
+ "4nsv",
+ "6row",
+ "7dgu",
+ "1fmj",
+ "3kvq",
+ "6hmc",
+ "7jgp",
+ "5bk1",
+ "3qvv",
+ "5oak",
+ "1gt3",
+ "1xku",
+ "5pfe",
+ "7lh6",
+ "1w0u",
+ "7qts",
+ "6hlz",
+ "3c8q",
+ "3k4e",
+ "6fdn",
+ "6f5l",
+ "5l9h",
+ "6brf",
+ "6ewp",
+ "6x18",
+ "6dve",
+ "6lo0",
+ "156l",
+ "1zxc",
+ "3x43",
+ "6gaf",
+ "5fgw",
+ "3qe0",
+ "5wcj",
+ "5ehp",
+ "5e01",
+ "1cke",
+ "3hav",
+ "6mbb",
+ "2y2b",
+ "2llv",
+ "3de9",
+ "7cc3",
+ "7ccp",
+ "6drz",
+ "4pvu",
+ "7cim",
+ "3apu",
+ "5yo8",
+ "6y95",
+ "7w8u",
+ "6w66",
+ "7cgt",
+ "2iry",
+ "3uda",
+ "7cn1",
+ "2taa",
+ "7kgr",
+ "4wyr",
+ "6cwl",
+ "4rlw",
+ "4ea8",
+ "4c7p",
+ "4yfh",
+ "7a9a",
+ "6fmf",
+ "5flj",
+ "4kow",
+ "5cea",
+ "4dgv",
+ "1kxx",
+ "4q5u",
+ "3dgt",
+ "3tvk",
+ "4ut1",
+ "6fqj",
+ "5ni1",
+ "2iz8",
+ "4oc1",
+ "1hbq",
+ "7rwe",
+ "4ybq",
+ "8d4y",
+ "1n9w",
+ "6xhl",
+ "5h1a",
+ "1l08",
+ "1tsv",
+ "7mdo",
+ "2x0e",
+ "1xn3",
+ "7ta6",
+ "6pua",
+ "1uxv",
+ "2mmz",
+ "7nqo",
+ "6syz",
+ "2r18",
+ "7ney",
+ "2png",
+ "5jak",
+ "6c96",
+ "5r9r",
+ "1rk7",
+ "3c6e",
+ "5pkm",
+ "4hed",
+ "6lk1",
+ "7vn5",
+ "5z68",
+ "3zjp",
+ "3fey",
+ "4ugn",
+ "2x7s",
+ "3w6r",
+ "1o91",
+ "4wt6",
+ "8euq",
+ "119l",
+ "3tpa",
+ "5a9u",
+ "4bmr",
+ "5t0e",
+ "4u9j",
+ "6xc0",
+ "5fg0",
+ "6xl1",
+ "1tmr",
+ "7keo",
+ "6mfq",
+ "5z9p",
+ "5iwi",
+ "4up7",
+ "1icx",
+ "4xr8",
+ "1e1k",
+ "6pxj",
+ "1mu7",
+ "6b6t",
+ "6zbl",
+ "1bra",
+ "2q5t",
+ "6o14",
+ "1re7",
+ "2n8r",
+ "1cxo",
+ "3j6u",
+ "1h9j",
+ "1yib",
+ "4kxv",
+ "5ghm",
+ "7qwm",
+ "2c8s",
+ "3uqc",
+ "7l38",
+ "7di8",
+ "1y94",
+ "3lha",
+ "6gb6",
+ "6ixn",
+ "3agb",
+ "6oeb",
+ "2x41",
+ "4unu",
+ "5mgc",
+ "3atg",
+ "3s4s",
+ "6xw7",
+ "1zjd",
+ "1oh0",
+ "3j2j",
+ "5r1z",
+ "1g98",
+ "4s0g",
+ "4e1r",
+ "7fii",
+ "6jzh",
+ "2mgc",
+ "4htt",
+ "5ieg",
+ "5x5p",
+ "4na1",
+ "6cjc",
+ "1rlz",
+ "6xz0",
+ "6ml2",
+ "7fnq",
+ "7x1w",
+ "5nx9",
+ "7awr",
+ "4mje",
+ "6fai",
+ "7d77",
+ "4o0n",
+ "5phz",
+ "6okg",
+ "6bwu",
+ "2ab0",
+ "1ee9",
+ "8flv",
+ "6wj2",
+ "4p6p",
+ "6b5i",
+ "3ox1",
+ "6gla",
+ "2jwk",
+ "4z46",
+ "4rua",
+ "5twl",
+ "2reg",
+ "3ql3",
+ "4h8k",
+ "1ppv",
+ "5g27",
+ "3eq7",
+ "4yvz",
+ "2v5p",
+ "5dhy",
+ "1bnj",
+ "7qzo",
+ "5lwt",
+ "5jpc",
+ "8e7w",
+ "1d1l",
+ "3vw7",
+ "3ct7",
+ "3kf0",
+ "8dkg",
+ "1ubq",
+ "1ynj",
+ "6ae4",
+ "5v4n",
+ "3cvm",
+ "1p1r",
+ "3izg",
+ "3ahh",
+ "5zo5",
+ "1nju",
+ "3pn1",
+ "7m02",
+ "4b7l",
+ "7a8t",
+ "3i9m",
+ "5x0s",
+ "2adn",
+ "6xnb",
+ "2i1u",
+ "1jv1",
+ "6gh8",
+ "5w38",
+ "5vhg",
+ "1kqc",
+ "3x0j",
+ "5yag",
+ "5gpo",
+ "6l7c",
+ "4ad2",
+ "3tic",
+ "1ein",
+ "5pdo",
+ "2o1w",
+ "2wel",
+ "6gv7",
+ "6azz",
+ "1axi",
+ "6zsl",
+ "6dhy",
+ "5boy",
+ "5jqe",
+ "3r2f",
+ "2v2r",
+ "4rj4",
+ "2bed",
+ "4dmk",
+ "5jti",
+ "4tvs",
+ "7bfn",
+ "4m3e",
+ "6ulr",
+ "6s0e",
+ "2dwr",
+ "3zse",
+ "3ige",
+ "7q3g",
+ "2l6j",
+ "5pvl",
+ "1i4n",
+ "4fat",
+ "6qeu",
+ "5rv6",
+ "7li7",
+ "3wq8",
+ "7mb8",
+ "2cyx",
+ "4yl7",
+ "4mj5",
+ "2ohu",
+ "6his",
+ "6d4e",
+ "7ld4",
+ "5n5f",
+ "3vq7",
+ "3qfv",
+ "1g5y",
+ "5x7h",
+ "5tg3",
+ "6am9",
+ "2mw3",
+ "5m59",
+ "7tjj",
+ "6lzc",
+ "4a9s",
+ "3owx",
+ "4eed",
+ "3pct",
+ "3stg",
+ "3szc",
+ "1z2a",
+ "7lya",
+ "1j3u",
+ "6los",
+ "7d1h",
+ "6r5r",
+ "7u2s",
+ "2ztk",
+ "6hhv",
+ "4aj4",
+ "8eaa",
+ "5v7o",
+ "1sje",
+ "4zm7",
+ "6scq",
+ "1jwg",
+ "3wj7",
+ "4xuz",
+ "1bzf",
+ "5ifs",
+ "4j0x",
+ "1p68",
+ "6a5e",
+ "2kqm",
+ "3umz",
+ "1meu",
+ "1kxu",
+ "3ald",
+ "5rgl",
+ "6m9a",
+ "3r6b",
+ "7wpm",
+ "1pvd",
+ "1urd",
+ "4zsj",
+ "5o0x",
+ "6f50",
+ "5mul",
+ "3vov",
+ "3bwk",
+ "3ro3",
+ "4hfh",
+ "2y37",
+ "2pk6",
+ "2x9g",
+ "6sy7",
+ "5exo",
+ "5d01",
+ "5vgu",
+ "6qqc",
+ "6o85",
+ "7p3c",
+ "6bg7",
+ "5wxu",
+ "3v09",
+ "6t1u",
+ "1hhn",
+ "4wo5",
+ "6kqv",
+ "6sta",
+ "2ckd",
+ "7wml",
+ "7s7q",
+ "2xwo",
+ "4xt8",
+ "3waq",
+ "3czu",
+ "1rt8",
+ "5l44",
+ "6kaz",
+ "3r8d",
+ "1ko3",
+ "2wwh",
+ "6z8f",
+ "2vni",
+ "3fte",
+ "2j4a",
+ "7uy7",
+ "2ka5",
+ "6ffx",
+ "4bf6",
+ "4dtk",
+ "2vyf",
+ "5fvt",
+ "2qlq",
+ "6mvg",
+ "6bf6",
+ "5nsa",
+ "1k88",
+ "4twd",
+ "6b2v",
+ "1jhm",
+ "4gwc",
+ "1cak",
+ "5l60",
+ "8a0u",
+ "1l5s",
+ "1m6m",
+ "4q7k",
+ "3n1j",
+ "3feo",
+ "1ahr",
+ "6ry2",
+ "5iv0",
+ "1rp8",
+ "5n9h",
+ "5in1",
+ "4p53",
+ "2ju4",
+ "5izk",
+ "3ejh",
+ "3wc7",
+ "5cn4",
+ "7mjp",
+ "4jfw",
+ "7b81",
+ "8fux",
+ "7d6x",
+ "7wc4",
+ "6ru1",
+ "7p9j",
+ "1kuy",
+ "3r93",
+ "4b6z",
+ "1jn7",
+ "7jw1",
+ "7npk",
+ "3cn1",
+ "2ww4",
+ "5mu2",
+ "7ssk",
+ "4ld8",
+ "5h2b",
+ "6ak4",
+ "5uw6",
+ "6qh2",
+ "2qsp",
+ "1ojg",
+ "3b8g",
+ "5vvc",
+ "4ryr",
+ "1ztb",
+ "1fsq",
+ "5ke1",
+ "1een",
+ "6bzn",
+ "1xld",
+ "5la6",
+ "7z7b",
+ "3lym",
+ "2iuu",
+ "6ig6",
+ "7frn",
+ "2e48",
+ "2otg",
+ "3vqb",
+ "6e3p",
+ "5gw6",
+ "4zjc",
+ "7ejw",
+ "2me8",
+ "6bmc",
+ "6d7l",
+ "5ii4",
+ "7du6",
+ "4oml",
+ "4gx7",
+ "5zj4",
+ "5fkp",
+ "5t3g",
+ "7k6s",
+ "2y54",
+ "4j4q",
+ "6rg0",
+ "1wds",
+ "3o2m",
+ "3hqp",
+ "2iax",
+ "6avm",
+ "7mg6",
+ "4ekh",
+ "4wwf",
+ "2v9c",
+ "1dyw",
+ "5hd7",
+ "4wwr",
+ "3vpq",
+ "2rl0",
+ "5ajs",
+ "7mt4",
+ "6nil",
+ "1akb",
+ "4efm",
+ "4zem",
+ "6koe",
+ "6o6o",
+ "5njk",
+ "1cnz",
+ "1tbw",
+ "1tt6",
+ "3mrc",
+ "6x4l",
+ "7ykk",
+ "7zze",
+ "6j2p",
+ "5e65",
+ "7p8l",
+ "4dcv",
+ "1l9w",
+ "5w12",
+ "1b8q",
+ "2j1r",
+ "4c3r",
+ "7et5",
+ "2l0w",
+ "3chs",
+ "5w2c",
+ "3wr4",
+ "4ipy",
+ "5nb3",
+ "5a9d",
+ "2x35",
+ "5xy4",
+ "3lu1",
+ "6j38",
+ "4aqq",
+ "4cbx",
+ "5tdr",
+ "4hqn",
+ "4g8o",
+ "7s4z",
+ "2htf",
+ "6r6b",
+ "7jor",
+ "4wbd",
+ "1koh",
+ "6fey",
+ "6v74",
+ "3qs4",
+ "2owq",
+ "7nmq",
+ "1bsd",
+ "4gu6",
+ "5mvo",
+ "217l",
+ "4wis",
+ "5z7x",
+ "2g78",
+ "6q1c",
+ "5h9n",
+ "2jk9",
+ "6nki",
+ "1ed3",
+ "7mii",
+ "7c2n",
+ "3igb",
+ "6kf9",
+ "5cpm",
+ "8eef",
+ "6qyn",
+ "5ljb",
+ "8gxm",
+ "5xca",
+ "7la3",
+ "3o4l",
+ "6e10",
+ "7d1m",
+ "5le6",
+ "7zmw",
+ "1cxp",
+ "3kl9",
+ "5wmv",
+ "6s1v",
+ "5y6n",
+ "3opy",
+ "6bl4",
+ "2ap2",
+ "4uzk",
+ "2e69",
+ "6bwm",
+ "3b26",
+ "3csp",
+ "3wki",
+ "2osh",
+ "3tgu",
+ "5b38",
+ "5yq7",
+ "1v0t",
+ "7ou2",
+ "5aa8",
+ "7zhc",
+ "1b4r",
+ "3d2h",
+ "2pqz",
+ "3k15",
+ "5jsm",
+ "4uca",
+ "4nzl",
+ "5p0b",
+ "8cuh",
+ "3zs8",
+ "3zcw",
+ "6viy",
+ "2x9y",
+ "5ub4",
+ "1hvd",
+ "3mre",
+ "5e6e",
+ "3zr4",
+ "7lo0",
+ "6w2q",
+ "6tze",
+ "4q4r",
+ "3cwt",
+ "3pqi",
+ "6i3k",
+ "5qmn",
+ "3nkc",
+ "6qjz",
+ "7cfp",
+ "7kjf",
+ "2zyk",
+ "5k0b",
+ "2ypo",
+ "1kqa",
+ "4d1y",
+ "1q71",
+ "4ezj",
+ "7qvt",
+ "1fqo",
+ "2e35",
+ "2lyc",
+ "2vm0",
+ "4ow8",
+ "3qw1",
+ "5iff",
+ "6elo",
+ "3chu",
+ "3gov",
+ "4kn1",
+ "1xbx",
+ "1gy1",
+ "5dmc",
+ "1hmf",
+ "5pgz",
+ "6b7f",
+ "5ime",
+ "1lzc",
+ "6s39",
+ "2q6j",
+ "3i00",
+ "5x3x",
+ "1sxy",
+ "1qgm",
+ "3lri",
+ "5jnu",
+ "2qfk",
+ "6rf9",
+ "4jhk",
+ "5ak0",
+ "2np9",
+ "6gny",
+ "6p89",
+ "8cxs",
+ "1a6c",
+ "6rs6",
+ "3hu9",
+ "5r82",
+ "4bdc",
+ "3vfp",
+ "8cyl",
+ "6qpu",
+ "1dfp",
+ "6mzz",
+ "7zwo",
+ "6gts",
+ "2czn",
+ "7ves",
+ "5lwp",
+ "6tsi",
+ "4dpi",
+ "2myh",
+ "1qwj",
+ "6gum",
+ "3q2v",
+ "2zx3",
+ "5p8o",
+ "4c0o",
+ "3fqg",
+ "4af6",
+ "1sq9",
+ "1tjm",
+ "1f0m",
+ "3ouf",
+ "4eqx",
+ "7sq2",
+ "3ix4",
+ "6p7k",
+ "2hbs",
+ "6oty",
+ "5i13",
+ "5lau",
+ "4fse",
+ "7v10",
+ "6m3z",
+ "6mip",
+ "5wdn",
+ "4ufm",
+ "1hw1",
+ "2a5u",
+ "7m6m",
+ "7kbp",
+ "7qm1",
+ "2vir",
+ "1yup",
+ "3aqb",
+ "2dke",
+ "4fbv",
+ "1p37",
+ "3vhs",
+ "3zm6",
+ "5jud",
+ "5v39",
+ "7ncg",
+ "6mdm",
+ "3nq2",
+ "5qm1",
+ "5nk4",
+ "5cn6",
+ "1or3",
+ "1jnp",
+ "8bod",
+ "3jw7",
+ "1gcq",
+ "5lyf",
+ "5wo2",
+ "6z9p",
+ "3aj6",
+ "2xdu",
+ "7bcj",
+ "5miu",
+ "2wnm",
+ "7z6q",
+ "6b6p",
+ "5x36",
+ "5a00",
+ "5dag",
+ "1y2v",
+ "2hpl",
+ "4wkb",
+ "3p9h",
+ "6oqh",
+ "3eor",
+ "6int",
+ "8e8t",
+ "1mxh",
+ "4x4c",
+ "2ytx",
+ "2o5u",
+ "4n9e",
+ "7evy",
+ "7n6t",
+ "2kld",
+ "1evh",
+ "5z7p",
+ "7c7s",
+ "5toj",
+ "3qqb",
+ "5dg1",
+ "2ml2",
+ "6rhu",
+ "5aut",
+ "7vtd",
+ "1kil",
+ "4qoc",
+ "1t3k",
+ "6zco",
+ "7uab",
+ "3nw3",
+ "1qj7",
+ "8fef",
+ "4nye",
+ "6p5t",
+ "3foc",
+ "3pab",
+ "4h2o",
+ "2ban",
+ "4p7n",
+ "6nef",
+ "6dal",
+ "5had",
+ "6nxs",
+ "5hmd",
+ "1k08",
+ "4mb9",
+ "3qrw",
+ "4jfm",
+ "1jq0",
+ "1u8l",
+ "4dht",
+ "5b4e",
+ "4yyj",
+ "4a73",
+ "8as0",
+ "1lk9",
+ "4xsz",
+ "1hrm",
+ "1y15",
+ "2or2",
+ "4rut",
+ "3ro8",
+ "1niz",
+ "6jkm",
+ "6rh2",
+ "1w1q",
+ "1b21",
+ "7sox",
+ "4r12",
+ "4tlr",
+ "7yg7",
+ "2ypv",
+ "3ioe",
+ "1dvi",
+ "3a5e",
+ "7yy9",
+ "1u7j",
+ "3qfb",
+ "4ljp",
+ "4zfo",
+ "2wve",
+ "6fe1",
+ "5n7k",
+ "3cn4",
+ "7xp0",
+ "5yd3",
+ "6pcu",
+ "5ozb",
+ "3f5h",
+ "5v6p",
+ "5kca",
+ "6uq8",
+ "5wpl",
+ "7us9",
+ "1vao",
+ "3udj",
+ "1x8t",
+ "4mvn",
+ "6kq4",
+ "4w4l",
+ "2ayu",
+ "4g0r",
+ "6w4o",
+ "1bc3",
+ "5nko",
+ "4u9g",
+ "1kj7",
+ "1wje",
+ "7k6q",
+ "7ewt",
+ "1iiq",
+ "6r5c",
+ "2nxl",
+ "4ckn",
+ "2omx",
+ "6hs2",
+ "4k2y",
+ "2xjt",
+ "5ly8",
+ "1o88",
+ "5rvt",
+ "3a3o",
+ "3cln",
+ "4u4h",
+ "5ftz",
+ "2v7h",
+ "3otb",
+ "2pyw",
+ "4xen",
+ "4o0p",
+ "4z8x",
+ "2ete",
+ "7vy7",
+ "4qft",
+ "6fac",
+ "3gq4",
+ "1uir",
+ "2wjd",
+ "2g1y",
+ "2a36",
+ "4i3d",
+ "5e0e",
+ "6dcv",
+ "1npo",
+ "3i5w",
+ "5xkv",
+ "6hf0",
+ "1hv2",
+ "5tw6",
+ "1z8o",
+ "1svz",
+ "6i00",
+ "3n3e",
+ "6ogo",
+ "3ckr",
+ "4yfx",
+ "7aap",
+ "1cpg",
+ "6pzq",
+ "4b2w",
+ "2bvg",
+ "3u7x",
+ "4jsg",
+ "7bde",
+ "5f9f",
+ "4lvr",
+ "1c3u",
+ "7swi",
+ "3wcq",
+ "4blx",
+ "6ry7",
+ "2qwg",
+ "3kps",
+ "1f3p",
+ "5jvk",
+ "1e39",
+ "2cwo",
+ "6z7u",
+ "6rm5",
+ "2vhw",
+ "1p8q",
+ "4f3h",
+ "7bvo",
+ "1mc4",
+ "5nyo",
+ "6qb6",
+ "5dxo",
+ "3kjn",
+ "2cb6",
+ "2ve6",
+ "1z4y",
+ "4wcw",
+ "2nrp",
+ "1s36",
+ "5kd7",
+ "2kae",
+ "1kds",
+ "2hn7",
+ "1knd",
+ "1tqh",
+ "8aqm",
+ "4zxs",
+ "5fby",
+ "4wlx",
+ "3k7y",
+ "4yl1",
+ "6i7l",
+ "4zaa",
+ "4c31",
+ "3zdn",
+ "2vj3",
+ "7pmg",
+ "6cnv",
+ "2jcx",
+ "6gd8",
+ "2mnj",
+ "5llq",
+ "4fny",
+ "5mv9",
+ "1lzo",
+ "3hha",
+ "4ud7",
+ "2p2a",
+ "7mru",
+ "2pmv",
+ "5nvf",
+ "4jj7",
+ "1cgz",
+ "4o89",
+ "6te5",
+ "3ue8",
+ "4ppz",
+ "5ogi",
+ "3rgv",
+ "1wwn",
+ "4xdd",
+ "3s4x",
+ "4ib9",
+ "4bqy",
+ "4ien",
+ "1plo",
+ "6cpn",
+ "6sok",
+ "6qem",
+ "7r7i",
+ "2j9q",
+ "4qp0",
+ "3smm",
+ "2c2b",
+ "7n2f",
+ "4io2",
+ "5qdd",
+ "4qj8",
+ "4frw",
+ "5vp1",
+ "5wzj",
+ "5d7n",
+ "7vhp",
+ "3vjd",
+ "4abb",
+ "4yv0",
+ "1dpf",
+ "5zdr",
+ "3tda",
+ "1ylr",
+ "4zs6",
+ "4i8p",
+ "4ejt",
+ "4kox",
+ "5zbe",
+ "5u6l",
+ "3pla",
+ "6d1y",
+ "1g66",
+ "6mr5",
+ "6whi",
+ "7rfe",
+ "6r55",
+ "8asy",
+ "3uh7",
+ "7wm5",
+ "2zja",
+ "4fnc",
+ "3ovl",
+ "6wgu",
+ "2zkf",
+ "2xwe",
+ "6aud",
+ "1j7r",
+ "7xi1",
+ "4j5t",
+ "4mdm",
+ "4fvj",
+ "5jo5",
+ "5fof",
+ "5g4p",
+ "4xi6",
+ "3an4",
+ "5xqm",
+ "1r6j",
+ "1ede",
+ "7kfn",
+ "5vtv",
+ "2yj8",
+ "3kfp",
+ "1uh5",
+ "1umh",
+ "3kxk",
+ "5ngt",
+ "4yzs",
+ "1bqy",
+ "5o8f",
+ "3zha",
+ "5yzp",
+ "7dal",
+ "3ouw",
+ "6ok8",
+ "5f46",
+ "2bkz",
+ "4cms",
+ "5n20",
+ "2xdj",
+ "7re8",
+ "4fys",
+ "5dh4",
+ "2bw7",
+ "4c8z",
+ "2zrl",
+ "1alv",
+ "2ce6",
+ "3ht6",
+ "2llz",
+ "5ltf",
+ "1o0m",
+ "3oea",
+ "5uo5",
+ "3pr7",
+ "6uil",
+ "5yjo",
+ "4qgz",
+ "7aal",
+ "8b93",
+ "6xvb",
+ "1r9q",
+ "4cmj",
+ "7tne",
+ "2ayt",
+ "4e70",
+ "2ixc",
+ "2hmb",
+ "5wrs",
+ "1nk1",
+ "2ajw",
+ "6nn4",
+ "5x7y",
+ "5f5u",
+ "5vju",
+ "6rrq",
+ "6baw",
+ "5pnx",
+ "2mpm",
+ "5eg9",
+ "2zgc",
+ "6x86",
+ "5wnk",
+ "7ax5",
+ "7kal",
+ "5psl",
+ "7v0n",
+ "3bob",
+ "5ear",
+ "2clu",
+ "3qjs",
+ "4bfh",
+ "4ncu",
+ "5t4n",
+ "5v9p",
+ "2vk6",
+ "5c4v",
+ "1ulm",
+ "1smz",
+ "1fiz",
+ "7e5e",
+ "1qmh",
+ "5ms8",
+ "5ti5",
+ "2by4",
+ "1u5o",
+ "2yjn",
+ "4zgp",
+ "7b83",
+ "4fl7",
+ "1auo",
+ "6cif",
+ "1v6h",
+ "1pkr",
+ "3wkg",
+ "1dov",
+ "6zhj",
+ "1ewv",
+ "1hur",
+ "5z6w",
+ "2mh9",
+ "6h29",
+ "5svr",
+ "1i32",
+ "4a65",
+ "7m4e",
+ "1del",
+ "3rby",
+ "4kmx",
+ "4dc0",
+ "6kho",
+ "3kbn",
+ "1b5m",
+ "4zs9",
+ "6nrp",
+ "6sof",
+ "5js7",
+ "6idi",
+ "5znc",
+ "4qn4",
+ "3lwh",
+ "2q1w",
+ "6mkd",
+ "4f5s",
+ "7y4a",
+ "1b3r",
+ "4y2r",
+ "1owa",
+ "5pz9",
+ "5t55",
+ "6rg4",
+ "5j1e",
+ "5rlr",
+ "6p9a",
+ "2bp8",
+ "6bm7",
+ "8okn",
+ "7dg7",
+ "5xfu",
+ "6e7p",
+ "7qia",
+ "5lh5",
+ "2fr6",
+ "2l8n",
+ "5o6z",
+ "7we6",
+ "4tla",
+ "3snp",
+ "6ruz",
+ "6mkv",
+ "6mrw",
+ "2irt",
+ "7wt0",
+ "1aug",
+ "2c73",
+ "3vri",
+ "4rcv",
+ "3mf8",
+ "5yet",
+ "4q2z",
+ "2vgq",
+ "3ohx",
+ "2pj0",
+ "1fxa",
+ "2b51",
+ "4qjm",
+ "2cig",
+ "7tef",
+ "1pu0",
+ "7lka",
+ "8dkt",
+ "6dr7",
+ "3pp5",
+ "6pvm",
+ "7mr9",
+ "3afq",
+ "2fyi",
+ "5mr7",
+ "2fb2",
+ "5g2f",
+ "6kpq",
+ "3lef",
+ "3fsx",
+ "6xzv",
+ "4d2c",
+ "2c5o",
+ "4p5u",
+ "3lcd",
+ "2zxh",
+ "7csi",
+ "3oly",
+ "6apt",
+ "4nx6",
+ "1inz",
+ "1a15",
+ "1st9",
+ "4gl7",
+ "2r8e",
+ "6ax1",
+ "1aoj",
+ "1s8l",
+ "1orx",
+ "2qbs",
+ "7dly",
+ "7bjg",
+ "4m7t",
+ "6mw9",
+ "5bz3",
+ "7p07",
+ "2j2m",
+ "3g58",
+ "7qcr",
+ "6vti",
+ "2qkn",
+ "3v2w",
+ "1ucs",
+ "2kup",
+ "4nra",
+ "5giz",
+ "4exg",
+ "3vg7",
+ "5t23",
+ "1h54",
+ "4a71",
+ "4ucm",
+ "2y8a",
+ "7mnk",
+ "5i9d",
+ "6b8x",
+ "6uja",
+ "2xdv",
+ "3wuy",
+ "1dj2",
+ "5yg7",
+ "4uo4",
+ "6nco",
+ "1ss6",
+ "3r0i",
+ "1uxa",
+ "7x07",
+ "1ia4",
+ "1sql",
+ "3j7e",
+ "2wl7",
+ "1uwi",
+ "6df5",
+ "6go4",
+ "2y2p",
+ "1au1",
+ "2zns",
+ "5e8i",
+ "7zpp",
+ "6bgq",
+ "7rtd",
+ "8aw7",
+ "3ixv",
+ "5dr6",
+ "2osr",
+ "1rak",
+ "6xe0",
+ "3fm7",
+ "4hs1",
+ "3g2x",
+ "2qk5",
+ "7nvq",
+ "1eoc",
+ "4oi8",
+ "4by4",
+ "7f69",
+ "3lzw",
+ "7nt1",
+ "6jgg",
+ "2rk3",
+ "1b9s",
+ "6ljm",
+ "5xjq",
+ "2c6c",
+ "4rr6",
+ "2io1",
+ "1t88",
+ "1i9b",
+ "6whx",
+ "1yxu",
+ "4mne",
+ "3lsw",
+ "4hpl",
+ "6r7i",
+ "3ti9",
+ "3rb5",
+ "1rr6",
+ "6d5q",
+ "6is4",
+ "6xqt",
+ "4g8a",
+ "7tvk",
+ "5m0e",
+ "4psp",
+ "5i3x",
+ "7fms",
+ "3kpp",
+ "6enp",
+ "4flu",
+ "6svf",
+ "4ahn",
+ "7b9u",
+ "1d4a",
+ "6jwx",
+ "1iwf",
+ "5h65",
+ "3dk8",
+ "6rq8",
+ "3zwq",
+ "1u1s",
+ "2ga5",
+ "5ikq",
+ "3uqi",
+ "6d8g",
+ "6ir5",
+ "2w7i",
+ "6ls4",
+ "5n5i",
+ "1gpk",
+ "5ngw",
+ "3glf",
+ "3i6x",
+ "2bkg",
+ "4b7n",
+ "5ygp",
+ "4hla",
+ "3erz",
+ "3kqz",
+ "2m1x",
+ "5mhs",
+ "2pj7",
+ "6q12",
+ "7foj",
+ "6d45",
+ "2nrf",
+ "3iob",
+ "7kiv",
+ "3dye",
+ "2itm",
+ "4hh2",
+ "6pzr",
+ "4rx1",
+ "6hej",
+ "2awo",
+ "6o04",
+ "2gbj",
+ "1jck",
+ "6v8x",
+ "4dbm",
+ "6dph",
+ "1zcn",
+ "4z9l",
+ "5ovj",
+ "6hjr",
+ "7ap4",
+ "1tgn",
+ "5yj6",
+ "5k81",
+ "4xob",
+ "4yl2",
+ "5whr",
+ "7ddu",
+ "6wph",
+ "1yb0",
+ "5tpj",
+ "4eha",
+ "2nlc",
+ "7o8f",
+ "3kd2",
+ "3s4m",
+ "7zj8",
+ "1y54",
+ "5xgk",
+ "2yh2",
+ "4nn5",
+ "1psd",
+ "7d2r",
+ "4ndr",
+ "5mtv",
+ "6uzw",
+ "1k9k",
+ "6jp3",
+ "5gou",
+ "4yut",
+ "5b5u",
+ "6u00",
+ "3v7i",
+ "3l5d",
+ "3r1o",
+ "2tdm",
+ "5zux",
+ "5iwd",
+ "1r2h",
+ "2jt4",
+ "3hyb",
+ "2art",
+ "7f24",
+ "6auc",
+ "1kfe",
+ "4gmw",
+ "4zlh",
+ "5oug",
+ "7cje",
+ "7vi5",
+ "6lqk",
+ "1n24",
+ "1ban",
+ "8h7y",
+ "2hqq",
+ "6mr9",
+ "3q1q",
+ "3kcp",
+ "2fm8",
+ "7fhz",
+ "1pie",
+ "1xkt",
+ "1lp6",
+ "4b9n",
+ "5wi0",
+ "2ad7",
+ "3h0m",
+ "7dji",
+ "6m6p",
+ "4bkr",
+ "2xbu",
+ "6vy0",
+ "5kj0",
+ "5t2h",
+ "1xsc",
+ "3tja",
+ "1i9z",
+ "5tsn",
+ "1yte",
+ "7vfd",
+ "1wgj",
+ "3owh",
+ "2na8",
+ "7koz",
+ "6lkw",
+ "7x9r",
+ "1yia",
+ "1sdv",
+ "6kvk",
+ "7fm6",
+ "3g2w",
+ "3vsv",
+ "1i3r",
+ "6z7t",
+ "2w9c",
+ "4tr7",
+ "2l1r",
+ "4gc3",
+ "7sf0",
+ "3jsl",
+ "3of9",
+ "3c9l",
+ "1ba2",
+ "3nmh",
+ "6w17",
+ "3h1c",
+ "1trs",
+ "4wnj",
+ "4ae8",
+ "4eal",
+ "4p6r",
+ "3sz8",
+ "1aqh",
+ "5nfw",
+ "5gr7",
+ "1i6b",
+ "1np3",
+ "7vhy",
+ "4frj",
+ "1hqb",
+ "6szh",
+ "5mzk",
+ "3giy",
+ "6njh",
+ "6fr9",
+ "6ydm",
+ "3onc",
+ "3p2s",
+ "3vh4",
+ "4y2v",
+ "7wsu",
+ "6yfz",
+ "8bak",
+ "7qap",
+ "4f3m",
+ "6fdh",
+ "7szk",
+ "1rvy",
+ "7c6w",
+ "6j4r",
+ "3bzi",
+ "2ag5",
+ "7l2v",
+ "3m95",
+ "4c5n",
+ "1cr8",
+ "6wa6",
+ "4n72",
+ "7ubq",
+ "3i5s",
+ "2x6b",
+ "4l5i",
+ "2bix",
+ "4i71",
+ "3zsn",
+ "3mfm",
+ "5fsr",
+ "3bcd",
+ "5g5m",
+ "1q1t",
+ "5p0r",
+ "6spl",
+ "4ozi",
+ "4l3l",
+ "7lp1",
+ "4q6f",
+ "2olb",
+ "6v4m",
+ "6thb",
+ "5mf4",
+ "3zg5",
+ "6zkf",
+ "4d82",
+ "4l8t",
+ "5bse",
+ "3msp",
+ "4l2k",
+ "4nhk",
+ "2vgs",
+ "1nda",
+ "5cla",
+ "5otw",
+ "6mg9",
+ "3wut",
+ "3uvm",
+ "8a8w",
+ "7mls",
+ "2o27",
+ "7ar8",
+ "4rbm",
+ "7dyc",
+ "2xbp",
+ "7mmd",
+ "4czo",
+ "6a53",
+ "7wcv",
+ "3crh",
+ "4l9u",
+ "6wzy",
+ "2bwi",
+ "1r4f",
+ "5v7a",
+ "1z4j",
+ "3t94",
+ "3cs6",
+ "7sb6",
+ "7nro",
+ "1j2m",
+ "6kz5",
+ "7u37",
+ "6em3",
+ "3io2",
+ "2his",
+ "7jv9",
+ "4pxe",
+ "5sox",
+ "5m98",
+ "7kfg",
+ "3wrq",
+ "6wxc",
+ "3mrd",
+ "7bm0",
+ "6rdw",
+ "1l0c",
+ "1tz8",
+ "3pj1",
+ "7zzd",
+ "3okh",
+ "4pxi",
+ "3b6a",
+ "4flb",
+ "5kzv",
+ "3nu3",
+ "6rzr",
+ "6wtb",
+ "2qi2",
+ "4xso",
+ "4bnm",
+ "5rfc",
+ "6x4p",
+ "5rer",
+ "1wlp",
+ "4ge4",
+ "2xp4",
+ "5yrg",
+ "5fhh",
+ "5pdq",
+ "3dpn",
+ "6n6u",
+ "7o6w",
+ "2o5k",
+ "6apy",
+ "5o6n",
+ "1thl",
+ "1npu",
+ "3t65",
+ "1k1a",
+ "6xaq",
+ "6pt9",
+ "6yas",
+ "4ydj",
+ "3qdm",
+ "7l54",
+ "2qwc",
+ "1y9g",
+ "3sqb",
+ "3f8p",
+ "6hep",
+ "6dag",
+ "4x0x",
+ "7dtk",
+ "2vcn",
+ "8euk",
+ "5vki",
+ "5kb2",
+ "4hyo",
+ "6hnq",
+ "1qk3",
+ "6dbd",
+ "5icz",
+ "3k1h",
+ "6l46",
+ "6dqp",
+ "3iyg",
+ "2i4z",
+ "7d6t",
+ "3snh",
+ "3t1f",
+ "6ity",
+ "3vti",
+ "3wbk",
+ "6qp1",
+ "4pon",
+ "4rt1",
+ "1yak",
+ "7bhx",
+ "3wn0",
+ "5emb",
+ "5osw",
+ "4bra",
+ "6eqz",
+ "5jx1",
+ "1ks6",
+ "1ceh",
+ "6kge",
+ "1xys",
+ "4r11",
+ "6lyi",
+ "6b6c",
+ "3p4h",
+ "2jjv",
+ "5jb2",
+ "4zhw",
+ "7rmq",
+ "6nw3",
+ "5lbc",
+ "3zkb",
+ "6bed",
+ "4ki6",
+ "4cdw",
+ "3gz2",
+ "6b8b",
+ "5nvc",
+ "2c1h",
+ "1edk",
+ "1uhk",
+ "4dfr",
+ "4z26",
+ "6uog",
+ "1jaz",
+ "6gys",
+ "3gdq",
+ "6gjq",
+ "3a0s",
+ "1aaj",
+ "6b0r",
+ "7up6",
+ "1qwc",
+ "4jbv",
+ "5pwu",
+ "3nvg",
+ "6c93",
+ "4jaf",
+ "6dma",
+ "6a66",
+ "1wv1",
+ "5jbo",
+ "2oz2",
+ "7lnv",
+ "2yn6",
+ "1qcd",
+ "6zym",
+ "5s3c",
+ "5jj3",
+ "1k49",
+ "7vah",
+ "4hhb",
+ "4woy",
+ "5qkz",
+ "3p3l",
+ "5ulj",
+ "1g6x",
+ "7udh",
+ "7zob",
+ "4xb0",
+ "2au9",
+ "6d5n",
+ "3pmu",
+ "5qzy",
+ "2hsq",
+ "1erv",
+ "5pkp",
+ "6y5s",
+ "3ax5",
+ "4x2x",
+ "1tyt",
+ "1kmy",
+ "2lxs",
+ "1obt",
+ "4enk",
+ "5w8e",
+ "1bv2",
+ "6n53",
+ "2ab8",
+ "1lvc",
+ "3m7n",
+ "2zqb",
+ "3vgb",
+ "6mvq",
+ "4dg9",
+ "4cvz",
+ "3dpc",
+ "4b4y",
+ "6ivm",
+ "5vpz",
+ "5eyp",
+ "1pw3",
+ "3e9h",
+ "7bcb",
+ "4ntg",
+ "3puz",
+ "5wtw",
+ "1omo",
+ "2trh",
+ "6kl6",
+ "4aqo",
+ "4lvi",
+ "4nea",
+ "6u2v",
+ "7d2u",
+ "3b2z",
+ "3u3k",
+ "6t1f",
+ "7jwj",
+ "7kbo",
+ "6l9s",
+ "5abb",
+ "2g14",
+ "7cpc",
+ "5jfv",
+ "5w6h",
+ "2r1r",
+ "3ndi",
+ "3cti",
+ "5ugt",
+ "5klf",
+ "4pz6",
+ "7uai",
+ "1cp4",
+ "1v3h",
+ "4cpo",
+ "7re1",
+ "5uzn",
+ "3qiw",
+ "1kso",
+ "3u64",
+ "5kxq",
+ "5rsc",
+ "3twt",
+ "6e4q",
+ "3an2",
+ "1u5p",
+ "4x06",
+ "7k6i",
+ "4kzt",
+ "1snq",
+ "8hao",
+ "6i9t",
+ "3a9k",
+ "3v6g",
+ "5kse",
+ "3nwy",
+ "1rd5",
+ "3b0j",
+ "5tbn",
+ "1fe0",
+ "4fiu",
+ "8c7x",
+ "4k5d",
+ "2koe",
+ "2dzz",
+ "3a6v",
+ "5m5v",
+ "4zz6",
+ "6has",
+ "1pv8",
+ "6ava",
+ "2k01",
+ "4gsj",
+ "5djx",
+ "4igp",
+ "4p77",
+ "7rd3",
+ "5jkp",
+ "2i1w",
+ "3uzc",
+ "1smc",
+ "3rkb",
+ "6yi1",
+ "2b3y",
+ "6yk7",
+ "7khk",
+ "4yro",
+ "4lok",
+ "1j4i",
+ "5j6e",
+ "6n2m",
+ "6nif",
+ "5x2c",
+ "4c1w",
+ "7zgs",
+ "7tz4",
+ "5bmy",
+ "6esh",
+ "4zdr",
+ "4i4f",
+ "2fib",
+ "4nkd",
+ "1p8j",
+ "5elz",
+ "1e3e",
+ "7t89",
+ "7p9w",
+ "6alc",
+ "5lpg",
+ "6lot",
+ "1qaw",
+ "4h69",
+ "5ts9",
+ "5yg6",
+ "2va6",
+ "6mfn",
+ "7kyh",
+ "6ewc",
+ "4jus",
+ "7bd8",
+ "6kiy",
+ "1rv1",
+ "8ac5",
+ "6dfk",
+ "1p1w",
+ "1c7q",
+ "1fpj",
+ "1cq4",
+ "1bnv",
+ "4wvw",
+ "2g5p",
+ "1ef8",
+ "6tlt",
+ "2pic",
+ "2yic",
+ "2vuk",
+ "6x3p",
+ "7x1x",
+ "6qvi",
+ "1fte",
+ "3v8p",
+ "3gfz",
+ "4h8y",
+ "3eii",
+ "6fgr",
+ "2j3k",
+ "1hh1",
+ "7vjv",
+ "6ixm",
+ "2auu",
+ "5ot9",
+ "1xt9",
+ "1lav",
+ "6mzm",
+ "3ig6",
+ "4gvr",
+ "2vr1",
+ "4lim",
+ "5w7g",
+ "6i9k",
+ "5r3u",
+ "4qtl",
+ "4zzx",
+ "3djx",
+ "6njm",
+ "7de5",
+ "4bvh",
+ "5g5h",
+ "6bbl",
+ "3aik",
+ "1eky",
+ "1y25",
+ "5os7",
+ "7x7r",
+ "7lth",
+ "6iyo",
+ "1n3n",
+ "5ew6",
+ "4fjs",
+ "14gs",
+ "6hnr",
+ "6se6",
+ "2zfm",
+ "2g86",
+ "1m1t",
+ "3mm4",
+ "4mse",
+ "3awf",
+ "5hn1",
+ "6nn1",
+ "2v9u",
+ "5nq5",
+ "6npc",
+ "4qm9",
+ "1xtb",
+ "6mag",
+ "4bqj",
+ "4zjh",
+ "5mqi",
+ "5c8d",
+ "6sl3",
+ "2vfb",
+ "4cgt",
+ "6x9z",
+ "4x5s",
+ "3hq0",
+ "2ipk",
+ "6xf1",
+ "3x0t",
+ "6rpd",
+ "6yzl",
+ "7qhm",
+ "4yrg",
+ "6gu7",
+ "6mzj",
+ "6dgq",
+ "2m87",
+ "3ttk",
+ "5bz5",
+ "5dah",
+ "5j03",
+ "1q07",
+ "1xem",
+ "1syo",
+ "4zg9",
+ "4d8y",
+ "7wbu",
+ "3ocx",
+ "4s10",
+ "5lly",
+ "1q6s",
+ "7syy",
+ "6sop",
+ "7l8h",
+ "6hqw",
+ "3r3v",
+ "6c6h",
+ "3bur",
+ "5mg5",
+ "4tzj",
+ "3x00",
+ "6r5x",
+ "5o9r",
+ "3uir",
+ "4fs8",
+ "6igi",
+ "7dvd",
+ "1mgr",
+ "2b54",
+ "3ecc",
+ "5yzb",
+ "1x8l",
+ "6fju",
+ "3ug1",
+ "4bga",
+ "5ump",
+ "6yf5",
+ "2wzj",
+ "7kri",
+ "3fu1",
+ "3eon",
+ "2i2a",
+ "6jyd",
+ "8gtl",
+ "2iwx",
+ "6arc",
+ "3tmx",
+ "6qpt",
+ "3ht3",
+ "6gja",
+ "4h6u",
+ "1fp6",
+ "1r57",
+ "6mv3",
+ "1w7a",
+ "1bx4",
+ "6mny",
+ "3din",
+ "4ri4",
+ "4pnq",
+ "5ep2",
+ "2yfr",
+ "4u5a",
+ "6ggr",
+ "4tti",
+ "6mca",
+ "5aym",
+ "6str",
+ "2wf0",
+ "4rfu",
+ "5wnl",
+ "2mwt",
+ "6usa",
+ "4n02",
+ "4pg9",
+ "3kph",
+ "1dp4",
+ "5ywv",
+ "8ac0",
+ "3c3t",
+ "7x8p",
+ "5v6q",
+ "5qlz",
+ "8d6e",
+ "2vr6",
+ "5hbe",
+ "1b0v",
+ "5cpc",
+ "3oxz",
+ "3mbe",
+ "5z96",
+ "3cm7",
+ "3d6b",
+ "1t9n",
+ "1mfm",
+ "4f43",
+ "5qyk",
+ "6sq9",
+ "5iqb",
+ "6pj1",
+ "4acx",
+ "4p0o",
+ "7pqc",
+ "4pe8",
+ "4x4e",
+ "3ugc",
+ "7buv",
+ "3n5p",
+ "3sc2",
+ "2qic",
+ "5n48",
+ "4e4t",
+ "3c0o",
+ "1w30",
+ "5s2u",
+ "3s8e",
+ "3v8y",
+ "6ppa",
+ "4dpe",
+ "2at1",
+ "7mwr",
+ "1ry7",
+ "3cww",
+ "5izu",
+ "3nd0",
+ "3dbu",
+ "4dfm",
+ "5ip3",
+ "2maw",
+ "1iuf",
+ "5wuk",
+ "7svy",
+ "7cs8",
+ "7msj",
+ "5qdc",
+ "3mwl",
+ "3aho",
+ "4yw5",
+ "7aqa",
+ "6ekb",
+ "2bd0",
+ "4i8h",
+ "5okl",
+ "6bne",
+ "1e2h",
+ "3wn1",
+ "7lq6",
+ "1qn4",
+ "5p8l",
+ "6k5w",
+ "4lcj",
+ "4uya",
+ "2q5k",
+ "5i58",
+ "7oai",
+ "1pea",
+ "7z2e",
+ "5dg4",
+ "4bmb",
+ "5vu5",
+ "7wj6",
+ "5b8a",
+ "1xls",
+ "6o3t",
+ "5r9p",
+ "1nnb",
+ "1ioh",
+ "7bg0",
+ "3rpb",
+ "5d6t",
+ "2c7f",
+ "1fha",
+ "7w53",
+ "4jrv",
+ "4i2a",
+ "4rrg",
+ "7qk3",
+ "1gpu",
+ "7ji0",
+ "3dqx",
+ "7p82",
+ "2ppz",
+ "3zno",
+ "6r7n",
+ "1by5",
+ "5e00",
+ "5ngh",
+ "4xvq",
+ "6nox",
+ "2shp",
+ "3lv3",
+ "5a6s",
+ "4x6s",
+ "4yrc",
+ "7d4e",
+ "2zvx",
+ "5tcl",
+ "3vp3",
+ "1ib1",
+ "3q9f",
+ "4nw3",
+ "2cne",
+ "1yin",
+ "1e1c",
+ "2pvr",
+ "5ljg",
+ "2mkw",
+ "7pp8",
+ "2k36",
+ "3s43",
+ "2mm2",
+ "2cbt",
+ "2i5o",
+ "4gbt",
+ "6ebq",
+ "3huj",
+ "6ixr",
+ "2c7c",
+ "7xt3",
+ "8dfm",
+ "5np8",
+ "3mop",
+ "3phd",
+ "2g9b",
+ "5lb8",
+ "4n65",
+ "2bse",
+ "6l7a",
+ "7r3k",
+ "1l0y",
+ "1kn6",
+ "2qed",
+ "3qw8",
+ "3mo7",
+ "4mvi",
+ "2grf",
+ "4yrm",
+ "6f7t",
+ "7crf",
+ "3bsx",
+ "2btq",
+ "1t2d",
+ "6v6o",
+ "5zc6",
+ "3plt",
+ "4c0c",
+ "7mrr",
+ "4xft",
+ "4m9k",
+ "6xng",
+ "5pwi",
+ "6u3e",
+ "1t46",
+ "4hs8",
+ "6hus",
+ "3ayd",
+ "6axj",
+ "5d4i",
+ "7uuy",
+ "6hpt",
+ "4alr",
+ "2la4",
+ "7rj6",
+ "3dk5",
+ "2f40",
+ "6xmx",
+ "1kug",
+ "2vta",
+ "6mgv",
+ "4p9i",
+ "1tru",
+ "7n7a",
+ "5tqh",
+ "5w3j",
+ "7m26",
+ "5nya",
+ "1gik",
+ "6w1k",
+ "1bl9",
+ "5whc",
+ "1sw3",
+ "7vva",
+ "2lhk",
+ "3ml0",
+ "1tqg",
+ "3nxv",
+ "3iui",
+ "7mk8",
+ "5w96",
+ "4x5z",
+ "1o0r",
+ "1kfj",
+ "2d3b",
+ "4odi",
+ "5kli",
+ "2hx7",
+ "5ozp",
+ "1c07",
+ "6gz2",
+ "5rsj",
+ "1rcj",
+ "3ww7",
+ "2v5t",
+ "2ooy",
+ "4zic",
+ "7r5g",
+ "2ghg",
+ "3up3",
+ "5jfq",
+ "5xwx",
+ "5ke7",
+ "2mxc",
+ "6hwa",
+ "8e2q",
+ "2xk7",
+ "1b63",
+ "7ax7",
+ "1qgf",
+ "6tji",
+ "7n5o",
+ "7jgw",
+ "7vth",
+ "2yis",
+ "5yv2",
+ "1qno",
+ "3d6a",
+ "3c7y",
+ "2chr",
+ "5u2m",
+ "4wxj",
+ "8ddk",
+ "3u86",
+ "1ae3",
+ "7tw7",
+ "7ot9",
+ "6l7u",
+ "7brd",
+ "2e5d",
+ "4hcu",
+ "2lit",
+ "4mcb",
+ "6kgw",
+ "3t8o",
+ "6gkh",
+ "6sax",
+ "6cuj",
+ "7vl7",
+ "1gjy",
+ "2ddh",
+ "3vvv",
+ "6y4h",
+ "8h70",
+ "5jgv",
+ "6bq7",
+ "3uph",
+ "3c6a",
+ "1o5q",
+ "5g38",
+ "5nru",
+ "2ve1",
+ "3ez5",
+ "4tjx",
+ "1gv4",
+ "4kou",
+ "2vj2",
+ "1ot6",
+ "6can",
+ "5s1u",
+ "3rvc",
+ "5ycv",
+ "2df7",
+ "1y8o",
+ "7f5n",
+ "7jo9",
+ "1t3f",
+ "1xtu",
+ "1xu8",
+ "5exx",
+ "1e8o",
+ "4op1",
+ "1qkt",
+ "4jv9",
+ "4z0k",
+ "2ybl",
+ "4isl",
+ "5t27",
+ "1n86",
+ "4co1",
+ "6vk7",
+ "3soq",
+ "6jaq",
+ "7p8m",
+ "3grs",
+ "5ehr",
+ "3rdc",
+ "2iwk",
+ "5pqo",
+ "3boh",
+ "4jr9",
+ "2ghq",
+ "7v5i",
+ "7ukc",
+ "2n72",
+ "5vha",
+ "8aik",
+ "1yyg",
+ "3zod",
+ "1mvn",
+ "1pja",
+ "3cc0",
+ "5om3",
+ "8gu5",
+ "6gl9",
+ "5djk",
+ "6fok",
+ "6hcl",
+ "7uaa",
+ "4l3o",
+ "4yv1",
+ "7cmv",
+ "4to3",
+ "6ojr",
+ "1t5a",
+ "3b0g",
+ "1a8u",
+ "8bbs",
+ "2cmt",
+ "6u9m",
+ "6l7z",
+ "4hxr",
+ "4o0e",
+ "4ja0",
+ "1oq5",
+ "4w9p",
+ "3nud",
+ "6m69",
+ "1v48",
+ "3c3b",
+ "5y8h",
+ "5a48",
+ "6r8x",
+ "1hb6",
+ "2ev2",
+ "3ew2",
+ "6wh5",
+ "7lgg",
+ "3cyy",
+ "6tqg",
+ "2n4o",
+ "7dp0",
+ "5c9c",
+ "6y8n",
+ "4wlr",
+ "1y2s",
+ "4cf7",
+ "2gps",
+ "1qk2",
+ "7aq3",
+ "1n4i",
+ "7k0h",
+ "4bdn",
+ "2ity",
+ "8eyz",
+ "6yr6",
+ "2rqy",
+ "3wcv",
+ "7pmf",
+ "1isv",
+ "1c5u",
+ "1nen",
+ "2yoq",
+ "5df9",
+ "4z28",
+ "6vzd",
+ "5g4n",
+ "6hf4",
+ "3soa",
+ "4aqd",
+ "1dte",
+ "1e63",
+ "5k7t",
+ "4d7x",
+ "1w24",
+ "1rcg",
+ "7rkg",
+ "5o0o",
+ "2q20",
+ "4m5w",
+ "7flf",
+ "1pob",
+ "2g33",
+ "8dy5",
+ "3kr8",
+ "4km6",
+ "3ad7",
+ "4ugb",
+ "4m1b",
+ "1mcj",
+ "2iuh",
+ "1oc7",
+ "6kx6",
+ "6zd7",
+ "4zed",
+ "3suc",
+ "6ml1",
+ "6fye",
+ "1oqf",
+ "4a6c",
+ "1bbz",
+ "3khc",
+ "5v3r",
+ "6lnm",
+ "1g3c",
+ "6i04",
+ "3fqk",
+ "1gzo",
+ "7fkh",
+ "6uvh",
+ "3f0r",
+ "4uip",
+ "1mkj",
+ "2r5m",
+ "3k5r",
+ "5vna",
+ "6r7s",
+ "6py3",
+ "2lmf",
+ "2aiy",
+ "4doe",
+ "7rm4",
+ "6z64",
+ "4r6g",
+ "1oyr",
+ "5fi8",
+ "3b7w",
+ "2peo",
+ "4x25",
+ "3otp",
+ "5xjm",
+ "1lfd",
+ "6paj",
+ "6dms",
+ "2tli",
+ "2wuy",
+ "3bl3",
+ "6jvq",
+ "3zou",
+ "7u1o",
+ "1aye",
+ "7xqj",
+ "7o3k",
+ "4law",
+ "1eov",
+ "3h0t",
+ "7lf2",
+ "1bdd",
+ "7mhi",
+ "2ydl",
+ "5ehe",
+ "3upi",
+ "1fy3",
+ "6q2u",
+ "3pqj",
+ "7cgi",
+ "6gql",
+ "5gmd",
+ "1twx",
+ "5w6k",
+ "4xav",
+ "7prv",
+ "5r0u",
+ "4uiz",
+ "4m0w",
+ "3kwi",
+ "7xsf",
+ "6qga",
+ "2isj",
+ "4fzi",
+ "8lpr",
+ "6dov",
+ "3j1b",
+ "3sfi",
+ "1sc5",
+ "5wbr",
+ "4mnh",
+ "8aul",
+ "3ggv",
+ "4r3f",
+ "7atf",
+ "7drd",
+ "4obh",
+ "6mi0",
+ "3vui",
+ "7ag4",
+ "7fbr",
+ "4fdo",
+ "3i5j",
+ "6gul",
+ "3iv5",
+ "2rli",
+ "4f1a",
+ "4jmo",
+ "6gha",
+ "6gyh",
+ "6mt4",
+ "7byn",
+ "4g86",
+ "3ehy",
+ "5dtv",
+ "7cob",
+ "4fj5",
+ "4x2u",
+ "6dpw",
+ "5odw",
+ "4njl",
+ "5q1g",
+ "7f3b",
+ "2h3f",
+ "4rw4",
+ "6lzu",
+ "2ux8",
+ "7ska",
+ "6rbx",
+ "5o1s",
+ "2q13",
+ "6cah",
+ "6fb2",
+ "4nmp",
+ "4jpt",
+ "3up2",
+ "3b0z",
+ "7ahh",
+ "5tfz",
+ "6pze",
+ "6n2g",
+ "6inr",
+ "7qpa",
+ "3d2m",
+ "4cu9",
+ "6p62",
+ "6chl",
+ "2vku",
+ "4xe3",
+ "1j57",
+ "2gc8",
+ "3oqa",
+ "7on9",
+ "3k2s",
+ "5omd",
+ "2zuu",
+ "4w9t",
+ "7axq",
+ "4nid",
+ "2nd3",
+ "3c7g",
+ "1rbr",
+ "3qg9",
+ "4dqb",
+ "6td7",
+ "2ps0",
+ "6d4n",
+ "1pwk",
+ "5auv",
+ "3o4c",
+ "1obn",
+ "6rf7",
+ "6swt",
+ "7alk",
+ "6gkq",
+ "3h09",
+ "2fk2",
+ "1u3d",
+ "3tzu",
+ "2v3q",
+ "8fax",
+ "5qek",
+ "2uyi",
+ "5jwi",
+ "2hvc",
+ "4xac",
+ "1z6o",
+ "4k6x",
+ "5fsh",
+ "2fww",
+ "5u11",
+ "3s6y",
+ "4fg6",
+ "7tq6",
+ "1ihp",
+ "6dh5",
+ "3hot",
+ "3s7i",
+ "4rr3",
+ "7y51",
+ "1pz9",
+ "4plp",
+ "5hdp",
+ "4m3b",
+ "4e3l",
+ "2vrp",
+ "1cws",
+ "3hyt",
+ "4po9",
+ "5zit",
+ "7qnx",
+ "4d6x",
+ "7nci",
+ "1naa",
+ "1gqn",
+ "6zh0",
+ "1d8l",
+ "3b3d",
+ "1kxn",
+ "1e20",
+ "4ek9",
+ "1le2",
+ "4jir",
+ "2bw1",
+ "2uyb",
+ "1sc4",
+ "2l0g",
+ "5lsb",
+ "4pjq",
+ "7qsa",
+ "6djc",
+ "3q20",
+ "2zva",
+ "3smo",
+ "6qvt",
+ "3zhh",
+ "6uvv",
+ "6w4z",
+ "1eof",
+ "6cmo",
+ "3wbi",
+ "3nue",
+ "3lzq",
+ "2x60",
+ "6c3u",
+ "3i2t",
+ "1kji",
+ "6wbj",
+ "7wr1",
+ "5y6e",
+ "1e7m",
+ "4mug",
+ "4ygk",
+ "5myu",
+ "7rld",
+ "7ak1",
+ "5ck4",
+ "6q68",
+ "7c94",
+ "5lpj",
+ "1ccv",
+ "5kte",
+ "2lty",
+ "5crl",
+ "6xnn",
+ "2foa",
+ "3nvq",
+ "5zjs",
+ "4do3",
+ "1b66",
+ "2xrb",
+ "4c0u",
+ "3iaj",
+ "7sey",
+ "5zw2",
+ "1zw7",
+ "1qse",
+ "3vk6",
+ "1dwp",
+ "5h7l",
+ "2k9d",
+ "3uwx",
+ "5lsw",
+ "4i3t",
+ "6ovp",
+ "2gd2",
+ "1xqf",
+ "6ytz",
+ "4twv",
+ "4l5o",
+ "2fh2",
+ "3ahe",
+ "1jdp",
+ "3zit",
+ "5w19",
+ "7k9m",
+ "4k5l",
+ "3zjk",
+ "7eyb",
+ "3p74",
+ "6siz",
+ "1mvh",
+ "6afb",
+ "5f55",
+ "6ryk",
+ "3o7o",
+ "2i4g",
+ "7qlp",
+ "7rlc",
+ "3m64",
+ "3ca3",
+ "6gdt",
+ "4eoh",
+ "1ibv",
+ "7bzn",
+ "1v9m",
+ "5zjk",
+ "3qhb",
+ "3s6h",
+ "1fzr",
+ "7nb6",
+ "4l3p",
+ "1q9w",
+ "6v0e",
+ "3a4a",
+ "3dbq",
+ "2nte",
+ "5omp",
+ "6dkp",
+ "3ulp",
+ "3v0e",
+ "5ezl",
+ "3nyq",
+ "1s51",
+ "5xio",
+ "5u56",
+ "5iar",
+ "7xbq",
+ "5veu",
+ "5uj6",
+ "1i0s",
+ "5j6f",
+ "2mc2",
+ "5kui",
+ "2o2k",
+ "2beu",
+ "6dpi",
+ "3hgn",
+ "4xiq",
+ "1jlv",
+ "4y9r",
+ "1jmi",
+ "5gyi",
+ "5fhi",
+ "6p8y",
+ "1dl3",
+ "6f54",
+ "7v49",
+ "6w07",
+ "5jwh",
+ "7zr0",
+ "6ct4",
+ "3suq",
+ "5dni",
+ "5uv2",
+ "1ep9",
+ "6w50",
+ "3geq",
+ "1lf7",
+ "7dfr",
+ "5mnn",
+ "4nbc",
+ "4p9d",
+ "5x8v",
+ "4cgm",
+ "3bao",
+ "3j3i",
+ "6yv2",
+ "4e3j",
+ "2av1",
+ "2lmd",
+ "5v7t",
+ "4gtz",
+ "1egm",
+ "7dxy",
+ "1cnx",
+ "6eea",
+ "4pce",
+ "4rcy",
+ "5cj5",
+ "6pke",
+ "5tlb",
+ "5omc",
+ "5eei",
+ "6wgw",
+ "3koy",
+ "4avf",
+ "5kbg",
+ "2obq",
+ "5fqm",
+ "5dz9",
+ "5yvt",
+ "2mhk",
+ "4lfq",
+ "7azp",
+ "7p61",
+ "7tgq",
+ "1va1",
+ "1qyy",
+ "2kf4",
+ "6rk1",
+ "6pr5",
+ "5p6n",
+ "1iuo",
+ "7caq",
+ "7t4g",
+ "4k8y",
+ "1pxm",
+ "7lk9",
+ "7wjt",
+ "6h70",
+ "7dv0",
+ "2kxd",
+ "2j7h",
+ "4ov8",
+ "5d0c",
+ "5md8",
+ "3v72",
+ "7wi4",
+ "7l3l",
+ "5pq4",
+ "6kwy",
+ "8gs7",
+ "4v3d",
+ "6tqt",
+ "6fs0",
+ "3ik9",
+ "7w65",
+ "7azf",
+ "7kwj",
+ "6y9t",
+ "4rls",
+ "3vop",
+ "5ih8",
+ "4atb",
+ "5yg9",
+ "4a0v",
+ "5ciw",
+ "6vo3",
+ "3i1a",
+ "6s46",
+ "1row",
+ "3v2q",
+ "2rin",
+ "7eww",
+ "7z18",
+ "6q2r",
+ "6gnt",
+ "3bsu",
+ "6pjm",
+ "4bc1",
+ "1egg",
+ "6xea",
+ "7pc3",
+ "7f5g",
+ "3moz",
+ "2rfx",
+ "5wqx",
+ "2jzz",
+ "5fcb",
+ "3e51",
+ "7xq6",
+ "3f6x",
+ "4q13",
+ "2x0x",
+ "5pyw",
+ "1iib",
+ "6a9p",
+ "6qi2",
+ "1iuv",
+ "5v5k",
+ "5xl5",
+ "1bhf",
+ "3ogm",
+ "6kwf",
+ "1coj",
+ "2mjo",
+ "1b0i",
+ "6ixg",
+ "2vxr",
+ "2y1f",
+ "4es1",
+ "4a00",
+ "3k5v",
+ "3kt2",
+ "5uhi",
+ "4xui",
+ "1a5d",
+ "4guu",
+ "5s2m",
+ "5fiv",
+ "4p4k",
+ "7eap",
+ "1idj",
+ "6jck",
+ "7ld5",
+ "4l6q",
+ "7v9s",
+ "1ulx",
+ "2wcq",
+ "4hke",
+ "5lp5",
+ "7npi",
+ "3rxw",
+ "1rod",
+ "2lnm",
+ "4f33",
+ "5nj8",
+ "6s7e",
+ "1t4g",
+ "1kp0",
+ "1xfn",
+ "4kcf",
+ "5y82",
+ "1x2e",
+ "1u5x",
+ "6rik",
+ "4dc6",
+ "1exa",
+ "5h2a",
+ "3p3o",
+ "1km2",
+ "6o0g",
+ "3tz4",
+ "3hvd",
+ "6tn3",
+ "7nc4",
+ "1kc7",
+ "1soh",
+ "5jr9",
+ "1d9a",
+ "5p8c",
+ "5z0q",
+ "2k0q",
+ "6zln",
+ "7nk6",
+ "1omp",
+ "1qfw",
+ "3fmw",
+ "1qgj",
+ "6j3g",
+ "7t0a",
+ "6o9u",
+ "7xe7",
+ "7cuo",
+ "6t9a",
+ "6qm6",
+ "1o46",
+ "7jh5",
+ "6c92",
+ "4lmk",
+ "6mqn",
+ "4u7e",
+ "1vck",
+ "3kwy",
+ "1i2e",
+ "5zi4",
+ "7w7b",
+ "4g7h",
+ "3iy6",
+ "3h2x",
+ "6g58",
+ "4z8l",
+ "4w4n",
+ "1goa",
+ "3gmh",
+ "2yf3",
+ "6nmq",
+ "4jb8",
+ "1iga",
+ "3p8m",
+ "1l31",
+ "5iii",
+ "1fzg",
+ "5mk8",
+ "5pf5",
+ "6z15",
+ "1j09",
+ "4zm0",
+ "7zr2",
+ "6ijq",
+ "4fzg",
+ "1axk",
+ "1iae",
+ "4l0y",
+ "6aq1",
+ "1eac",
+ "4pn1",
+ "3g11",
+ "2l07",
+ "3a9s",
+ "1cjl",
+ "6s3i",
+ "2auk",
+ "6fiq",
+ "4uf3",
+ "7x05",
+ "5cj9",
+ "5dos",
+ "3k2f",
+ "1lyi",
+ "2dtr",
+ "5fh2",
+ "6si2",
+ "5d15",
+ "2peq",
+ "6hl3",
+ "6kj7",
+ "1mo2",
+ "2inf",
+ "4fva",
+ "4yv6",
+ "7ogc",
+ "4cyz",
+ "5ahr",
+ "2p38",
+ "3e6o",
+ "2loo",
+ "5o0a",
+ "6qqx",
+ "6y47",
+ "1z7e",
+ "1qop",
+ "6pnu",
+ "7d2i",
+ "2br9",
+ "8din",
+ "5vj7",
+ "4lam",
+ "3pbr",
+ "3sax",
+ "6dat",
+ "4aoi",
+ "3d7k",
+ "5mq9",
+ "7m4f",
+ "4i5w",
+ "5t4i",
+ "6msr",
+ "1khn",
+ "5h5b",
+ "4n1e",
+ "5l1o",
+ "5sqm",
+ "2f7d",
+ "8d81",
+ "7cmm",
+ "6x5t",
+ "6q5f",
+ "4kkr",
+ "7n6m",
+ "1ddl",
+ "3kg0",
+ "7usp",
+ "5k8o",
+ "3r9w",
+ "5cpy",
+ "3e6n",
+ "2m0k",
+ "1zy8",
+ "3o45",
+ "6st7",
+ "1ytt",
+ "1uwb",
+ "7fjw",
+ "6j13",
+ "7kzg",
+ "3sao",
+ "3udx",
+ "6gdu",
+ "7v30",
+ "2wbb",
+ "6d2q",
+ "3qtp",
+ "1xxs",
+ "6kau",
+ "2gw6",
+ "5y6z",
+ "3cfz",
+ "5i74",
+ "1p7b",
+ "4g3g",
+ "5naa",
+ "8hsj",
+ "1ssk",
+ "1kdo",
+ "5x21",
+ "2bfh",
+ "2hl7",
+ "6jqm",
+ "1tnp",
+ "2b7u",
+ "1b5i",
+ "1wq7",
+ "2xgf",
+ "6bl6",
+ "7t6m",
+ "7f28",
+ "5hhx",
+ "4zvx",
+ "7wrr",
+ "2pea",
+ "3tem",
+ "6h4h",
+ "7usj",
+ "6s7s",
+ "7u9s",
+ "5ojx",
+ "6bko",
+ "5sbe",
+ "1a05",
+ "3k6v",
+ "7ups",
+ "5n7j",
+ "2aww",
+ "6yb3",
+ "1ia8",
+ "3hdn",
+ "4mm9",
+ "1ygj",
+ "5byz",
+ "1czz",
+ "6uzl",
+ "4zn1",
+ "6n3j",
+ "2f74",
+ "5jpn",
+ "6evx",
+ "1we2",
+ "5g2u",
+ "6ww3",
+ "4mxz",
+ "6ki3",
+ "5ps5",
+ "1tj1",
+ "4b4f",
+ "4c9r",
+ "4b2y",
+ "7oca",
+ "2ci6",
+ "8dyq",
+ "6im8",
+ "8dz6",
+ "7kcu",
+ "4trh",
+ "3hi9",
+ "5k3h",
+ "1tbn",
+ "6nz6",
+ "5a0v",
+ "6oyu",
+ "4rkx",
+ "1cfa",
+ "7jh2",
+ "1mal",
+ "4ou7",
+ "3fza",
+ "1lfl",
+ "3zdj",
+ "6rd4",
+ "4ctd",
+ "2fv4",
+ "2ane",
+ "1wo4",
+ "1mak",
+ "6qcg",
+ "3d6p",
+ "2cn7",
+ "5ff8",
+ "5oj3",
+ "3eg9",
+ "2ron",
+ "4zyo",
+ "4m6q",
+ "3g6k",
+ "6xds",
+ "6ulg",
+ "2jm6",
+ "2lqm",
+ "4c73",
+ "2yg4",
+ "5fmn",
+ "1j41",
+ "7nuv",
+ "1kj4",
+ "4y34",
+ "7nol",
+ "1l6n",
+ "4orm",
+ "6ey8",
+ "3bcj",
+ "1wmd",
+ "5krr",
+ "3koh",
+ "6rg9",
+ "4flt",
+ "4jzw",
+ "236l",
+ "6crh",
+ "7cah",
+ "6ria",
+ "3cxk",
+ "2heb",
+ "1a04",
+ "5fjy",
+ "5k7l",
+ "7rgq",
+ "7wf6",
+ "6xer",
+ "8b8x",
+ "7c1h",
+ "2jaj",
+ "4kjv",
+ "4l1e",
+ "1ll8",
+ "2g45",
+ "4qyl",
+ "5l1i",
+ "4u1h",
+ "5ced",
+ "3n8t",
+ "5szb",
+ "4f25",
+ "4cmf",
+ "7nel",
+ "2rog",
+ "5heb",
+ "4noy",
+ "6xpp",
+ "6zmy",
+ "7ap7",
+ "7tuu",
+ "1eqe",
+ "4bcs",
+ "6mkq",
+ "7tts",
+ "4dn5",
+ "2j5x",
+ "4a0y",
+ "4m1o",
+ "7sf8",
+ "5w4w",
+ "1m1o",
+ "1oo0",
+ "6dts",
+ "6woe",
+ "1avo",
+ "2izm",
+ "1qd2",
+ "1swh",
+ "3c7k",
+ "1are",
+ "4j7c",
+ "4uij",
+ "5o45",
+ "1g28",
+ "1caz",
+ "4ctj",
+ "6rhz",
+ "1biy",
+ "5eoz",
+ "7ro6",
+ "3eex",
+ "7uwm",
+ "5h1l",
+ "7q54",
+ "7tnz",
+ "3pm5",
+ "1muq",
+ "2fz3",
+ "3u2q",
+ "7xad",
+ "237l",
+ "3bz0",
+ "1iq8",
+ "5tkr",
+ "7vky",
+ "6qjq",
+ "4tq9",
+ "2i6y",
+ "5xui",
+ "3wha",
+ "6iu9",
+ "6may",
+ "6gxs",
+ "5wu3",
+ "4q7l",
+ "4j9m",
+ "5fnt",
+ "7pxq",
+ "7c9b",
+ "4kbq",
+ "3gze",
+ "3gbk",
+ "7f1z",
+ "8d6h",
+ "7kfz",
+ "1q4k",
+ "3dur",
+ "5drb",
+ "2gl7",
+ "7lnu",
+ "5lj9",
+ "1d5t",
+ "6m84",
+ "7p6t",
+ "1tml",
+ "5h3v",
+ "5sp8",
+ "1l3h",
+ "3fzl",
+ "5pqb",
+ "4cm9",
+ "5c3h",
+ "5dz0",
+ "1eyj",
+ "1yhh",
+ "5a7f",
+ "5mdt",
+ "1evr",
+ "2glp",
+ "5n6w",
+ "6cor",
+ "4zsm",
+ "3ear",
+ "5dhd",
+ "3cbl",
+ "6jv1",
+ "3zk0",
+ "7cng",
+ "7ay0",
+ "3ti6",
+ "7rzs",
+ "1wku",
+ "2x0v",
+ "2og4",
+ "3lak",
+ "4rd5",
+ "3p4r",
+ "8d0d",
+ "5td8",
+ "3zc0",
+ "6zs2",
+ "1wt0",
+ "1gzf",
+ "7s2q",
+ "1l1c",
+ "2c6k",
+ "3zn3",
+ "7x9n",
+ "1ip1",
+ "2hqi",
+ "2ii4",
+ "4o2a",
+ "5o03",
+ "3uok",
+ "2bjv",
+ "7nyc",
+ "3chj",
+ "2dcu",
+ "3c09",
+ "3i4o",
+ "6nav",
+ "7v8z",
+ "6tdm",
+ "7vjc",
+ "1wlh",
+ "6tvt",
+ "4i4v",
+ "1te4",
+ "7rh4",
+ "1ecl",
+ "1smk",
+ "3q37",
+ "2iut",
+ "2zkj",
+ "7lci",
+ "5umn",
+ "2gj3",
+ "4dli",
+ "5yh4",
+ "6pau",
+ "4zp0",
+ "4dgm",
+ "1kgn",
+ "7alc",
+ "6kmn",
+ "3zts",
+ "4pxq",
+ "5plh",
+ "4j7y",
+ "2f38",
+ "1qz1",
+ "7t6o",
+ "8deg",
+ "6gni",
+ "7tys",
+ "4os4",
+ "1oc5",
+ "6rtf",
+ "5e58",
+ "3j8z",
+ "7kq2",
+ "1ifw",
+ "6oo7",
+ "2q7i",
+ "3elf",
+ "6k0g",
+ "3vkq",
+ "1h5y",
+ "2qcc",
+ "4lo4",
+ "3m0e",
+ "3c7p",
+ "3nlk",
+ "6eqd",
+ "5zr0",
+ "6m5p",
+ "6gnr",
+ "6vxk",
+ "4b1m",
+ "1v0j",
+ "6rgz",
+ "2oej",
+ "1fq1",
+ "3hp9",
+ "6fvq",
+ "6z3p",
+ "6xxd",
+ "6y2f",
+ "2viz",
+ "3w35",
+ "6om2",
+ "2m49",
+ "3i4l",
+ "2wub",
+ "7jw6",
+ "5pd4",
+ "7khd",
+ "2qq9",
+ "3vm0",
+ "4ao7",
+ "1l62",
+ "3iwc",
+ "5eqp",
+ "4nw6",
+ "7suz",
+ "1tvy",
+ "3uai",
+ "4lfl",
+ "1p8z",
+ "2bzw",
+ "6cql",
+ "5vq8",
+ "3zrc",
+ "5hrs",
+ "3ggo",
+ "1nzr",
+ "1wdg",
+ "2g5i",
+ "2idc",
+ "4mh2",
+ "1cnf",
+ "6sj8",
+ "4xbf",
+ "2izo",
+ "7d42",
+ "4l4r",
+ "1ewy",
+ "7y15",
+ "3kr5",
+ "2z7k",
+ "2z59",
+ "1xml",
+ "5ngf",
+ "6o0p",
+ "5tn6",
+ "4uzs",
+ "6gf0",
+ "3p2i",
+ "6pmx",
+ "1n05",
+ "1ecp",
+ "5uco",
+ "2qwm",
+ "3kuc",
+ "3twe",
+ "4f04",
+ "6lod",
+ "4afe",
+ "6kgr",
+ "5aef",
+ "1e8d",
+ "4uxt",
+ "5vg1",
+ "4z17",
+ "6s4j",
+ "2l3r",
+ "2eql",
+ "4i58",
+ "6jsa",
+ "2roh",
+ "4mei",
+ "5out",
+ "7d1t",
+ "7flc",
+ "2v53",
+ "3rrz",
+ "5v2i",
+ "1x8z",
+ "1cmj",
+ "5h59",
+ "5rff",
+ "5cmj",
+ "4a53",
+ "5ug9",
+ "1uuv",
+ "5ujt",
+ "1law",
+ "4unr",
+ "5ub9",
+ "6l1x",
+ "6dql",
+ "3hs8",
+ "4jek",
+ "3vaw",
+ "1mej",
+ "2kg6",
+ "2bcb",
+ "5h0z",
+ "5p85",
+ "1ofw",
+ "3q2e",
+ "3ag5",
+ "7qjx",
+ "6ae5",
+ "5h8a",
+ "2qgw",
+ "8bc7",
+ "1z0w",
+ "4o1q",
+ "2msp",
+ "6z6o",
+ "5voy",
+ "2yoj",
+ "1z8a",
+ "7f6s",
+ "1dpo",
+ "7o6a",
+ "6r1c",
+ "3urp",
+ "1pll",
+ "1lsm",
+ "1nyj",
+ "3dz5",
+ "7dh6",
+ "5kcx",
+ "6fuk",
+ "3lhb",
+ "5dqt",
+ "2hfp",
+ "1xnj",
+ "3t06",
+ "3qqc",
+ "6bhq",
+ "6gsy",
+ "1r5t",
+ "6if4",
+ "2ljr",
+ "2vla",
+ "4xal",
+ "2qrj",
+ "3mu6",
+ "5id0",
+ "2pmu",
+ "4r0g",
+ "2wz7",
+ "5l08",
+ "5dnc",
+ "3rl2",
+ "1rg3",
+ "1j7b",
+ "4eem",
+ "4udj",
+ "1uws",
+ "6ahs",
+ "1f7c",
+ "4n9j",
+ "4hu2",
+ "2fz0",
+ "1yjk",
+ "1nkh",
+ "3rse",
+ "4bfv",
+ "6rje",
+ "3pdi",
+ "1iyk",
+ "1gmg",
+ "4nuy",
+ "1aer",
+ "6lu7",
+ "7nvo",
+ "3tf2",
+ "1mnh",
+ "4pix",
+ "4u7h",
+ "3l8s",
+ "2h41",
+ "6oso",
+ "5y8y",
+ "5jvf",
+ "6dfb",
+ "6kpc",
+ "6pjb",
+ "6f3y",
+ "3ibi",
+ "2lks",
+ "1c8k",
+ "2lp8",
+ "4nbx",
+ "3cld",
+ "1cpz",
+ "1kh2",
+ "4xvx",
+ "6j24",
+ "5aie",
+ "5zni",
+ "1gps",
+ "7r3q",
+ "6aks",
+ "8ifj",
+ "6hty",
+ "1en5",
+ "7x46",
+ "5mm4",
+ "5l3m",
+ "2w0f",
+ "5or7",
+ "3wuq",
+ "1qyc",
+ "7dix",
+ "1h8n",
+ "7k3k",
+ "1iml",
+ "8czf",
+ "7d9r",
+ "4mfl",
+ "7r26",
+ "1pp6",
+ "1cuq",
+ "3ccj",
+ "2l8h",
+ "4gfj",
+ "3h5e",
+ "2m0r",
+ "2g74",
+ "1yyz",
+ "3pvt",
+ "2mk4",
+ "5f97",
+ "1pl7",
+ "5w30",
+ "4uce",
+ "1jb0",
+ "5gjd",
+ "4bmg",
+ "7opt",
+ "1avv",
+ "3f23",
+ "1bsm",
+ "2qud",
+ "7qjv",
+ "6n6l",
+ "5b5v",
+ "1utt",
+ "3l5j",
+ "7frq",
+ "5tpv",
+ "4ncj",
+ "4fh6",
+ "4wfu",
+ "4r29",
+ "5anu",
+ "7p44",
+ "1mnk",
+ "6qv9",
+ "7em6",
+ "5cgv",
+ "5cg8",
+ "6l1q",
+ "1tzf",
+ "2bym",
+ "4le5",
+ "5ko0",
+ "3tu0",
+ "7ckf",
+ "6mp7",
+ "8cf4",
+ "1fdf",
+ "4qv6",
+ "1hr8",
+ "2om3",
+ "5rcm",
+ "7t0v",
+ "4f0b",
+ "6rok",
+ "5ynv",
+ "1nq3",
+ "5ec2",
+ "2w2v",
+ "1ukt",
+ "1ak1",
+ "2mp8",
+ "2ifm",
+ "2jlu",
+ "4y83",
+ "7f8a",
+ "6lbl",
+ "4zup",
+ "4qtb",
+ "4l0f",
+ "5i57",
+ "4dkb",
+ "1ike",
+ "7r60",
+ "5x9q",
+ "4ifi",
+ "4m1u",
+ "6maf",
+ "1tvp",
+ "7v9p",
+ "5lti",
+ "1iri",
+ "3k9z",
+ "8dzb",
+ "3ifm",
+ "7c63",
+ "4r3z",
+ "1w0c",
+ "7b7c",
+ "1clb",
+ "6ac9",
+ "2g3f",
+ "4nno",
+ "5p11",
+ "4d8j",
+ "8d95",
+ "4nsy",
+ "7ohk",
+ "2foe",
+ "4at0",
+ "2vr9",
+ "4krw",
+ "6qxf",
+ "1l3x",
+ "5nuk",
+ "7ywe",
+ "1dfo",
+ "3dmh",
+ "7rgm",
+ "5n7o",
+ "5jvy",
+ "3s0e",
+ "5xbi",
+ "1cr2",
+ "6dk5",
+ "5ygu",
+ "7alo",
+ "5e32",
+ "1mr7",
+ "4d2l",
+ "3kvi",
+ "7qu5",
+ "2v1c",
+ "5aob",
+ "7sop",
+ "5oge",
+ "2bs8",
+ "3dls",
+ "4qjv",
+ "5k52",
+ "4glp",
+ "5zln",
+ "6pfc",
+ "7q4i",
+ "5u99",
+ "4fm8",
+ "3iwr",
+ "4a5l",
+ "4kc5",
+ "3le0",
+ "1b8t",
+ "1otj",
+ "7za5",
+ "4qiq",
+ "6cv7",
+ "6zke",
+ "4zk0",
+ "5u8r",
+ "5di5",
+ "2m6q",
+ "3bug",
+ "3w82",
+ "6oh8",
+ "6q38",
+ "2oow",
+ "5hxz",
+ "4aal",
+ "2lj6",
+ "1tg7",
+ "2esq",
+ "1ggu",
+ "1mik",
+ "3g4v",
+ "4a78",
+ "2byy",
+ "5hbc",
+ "7lrl",
+ "4dey",
+ "1m4z",
+ "4ggf",
+ "3m40",
+ "7w1t",
+ "6nph",
+ "4o48",
+ "4rxo",
+ "3wix",
+ "5cnh",
+ "5ama",
+ "1b5f",
+ "4k7d",
+ "3zr9",
+ "5fx0",
+ "5iru",
+ "4x7t",
+ "4eh3",
+ "4cfb",
+ "1t1h",
+ "4s2s",
+ "2qk8",
+ "4qtd",
+ "5kct",
+ "7l26",
+ "7qt6",
+ "3rbf",
+ "7l8s",
+ "4ya8",
+ "5cne",
+ "6fbm",
+ "6hqk",
+ "3ltm",
+ "5pb7",
+ "1gr0",
+ "2tys",
+ "2b0f",
+ "4hjz",
+ "3ijy",
+ "4om3",
+ "5i5w",
+ "4qq0",
+ "3njy",
+ "8auc",
+ "2cnz",
+ "2qi4",
+ "6te4",
+ "5unf",
+ "7pyr",
+ "6kyl",
+ "7oxo",
+ "2ql5",
+ "5lo6",
+ "1ekr",
+ "1pa4",
+ "8e0z",
+ "2cvs",
+ "7tf9",
+ "8dg6",
+ "2nut",
+ "1r5h",
+ "6wpa",
+ "4f4x",
+ "7tvp",
+ "5wvm",
+ "4k3x",
+ "5qij",
+ "5n6h",
+ "7baf",
+ "1x70",
+ "6sts",
+ "6zpq",
+ "5zmb",
+ "5y9o",
+ "4krp",
+ "6j10",
+ "7mou",
+ "6v51",
+ "5dkp",
+ "4j5p",
+ "2pyk",
+ "6yqf",
+ "4k6w",
+ "5o1d",
+ "5svn",
+ "2f16",
+ "1v3v",
+ "5sr7",
+ "6byj",
+ "1srm",
+ "5l11",
+ "5ivf",
+ "2ljc",
+ "7n0y",
+ "3lep",
+ "5zqs",
+ "1nmg",
+ "8i8t",
+ "4x61",
+ "4qtj",
+ "1q6r",
+ "2i68",
+ "4nyt",
+ "4nmt",
+ "1yaa",
+ "5guj",
+ "4i8d",
+ "5txt",
+ "4yri",
+ "2fad",
+ "1uwy",
+ "6lxw",
+ "4tw8",
+ "1kt5",
+ "2jus",
+ "3mvw",
+ "3sgj",
+ "1qds",
+ "6pwl",
+ "6q85",
+ "7frp",
+ "3lr8",
+ "1agm",
+ "4g8p",
+ "3j8d",
+ "6wj4",
+ "6flq",
+ "1trk",
+ "1hch",
+ "6cq1",
+ "6ipc",
+ "5eng",
+ "5pni",
+ "1n5k",
+ "1o8d",
+ "7x0g",
+ "1ex6",
+ "6bir",
+ "2hur",
+ "1k5v",
+ "2fej",
+ "5x0z",
+ "1pmp",
+ "1zkn",
+ "4o4j",
+ "1j26",
+ "4b1b",
+ "5o66",
+ "4xkr",
+ "5cbg",
+ "2wf7",
+ "5e7t",
+ "1cnq",
+ "5u57",
+ "4a2g",
+ "5h6l",
+ "2bwr",
+ "2wsb",
+ "4rah",
+ "4wzt",
+ "3vh6",
+ "4qq2",
+ "1a3j",
+ "4x0b",
+ "4hkz",
+ "1moh",
+ "5oku",
+ "1c6z",
+ "3cvc",
+ "3tk2",
+ "2xc1",
+ "6gv1",
+ "1uif",
+ "5rbq",
+ "7t0y",
+ "3mdm",
+ "5cib",
+ "1tha",
+ "4ycq",
+ "4pp9",
+ "7s71",
+ "3hgi",
+ "4jdx",
+ "3e33",
+ "1qle",
+ "1od3",
+ "2xv9",
+ "4gde",
+ "1itf",
+ "5pcf",
+ "6hmg",
+ "4m2i",
+ "6itq",
+ "2bm1",
+ "2n29",
+ "1hvu",
+ "7xzf",
+ "4yas",
+ "2xzu",
+ "1ge4",
+ "5ls9",
+ "3d1j",
+ "1pcf",
+ "2bnq",
+ "6knh",
+ "5mg8",
+ "4qdd",
+ "1kal",
+ "6kay",
+ "4a9v",
+ "3jaa",
+ "3s23",
+ "5r1w",
+ "5dhk",
+ "5rpl",
+ "1me3",
+ "3w2g",
+ "7qn7",
+ "6zaj",
+ "5s4w",
+ "1iow",
+ "7jrn",
+ "7p2s",
+ "4qkg",
+ "5tyt",
+ "6ppe",
+ "5p1u",
+ "1nxo",
+ "2aib",
+ "6uqq",
+ "1cc0",
+ "4d1o",
+ "6ozn",
+ "5edt",
+ "3zwe",
+ "7dfb",
+ "4por",
+ "4ugs",
+ "6x90",
+ "3bj8",
+ "1w3a",
+ "7yzg",
+ "6fxt",
+ "3qvd",
+ "5zb3",
+ "5ivk",
+ "8dtl",
+ "1ce5",
+ "2byo",
+ "2jdc",
+ "2vcv",
+ "4cbw",
+ "4n5v",
+ "3ulj",
+ "8bdx",
+ "4nmv",
+ "7ssy",
+ "1z9p",
+ "5jam",
+ "6r7v",
+ "5ohg",
+ "5puk",
+ "6ljl",
+ "7e0q",
+ "1ad2",
+ "7yih",
+ "2d46",
+ "6ax5",
+ "3b98",
+ "7xim",
+ "6b7a",
+ "3t8v",
+ "3b3c",
+ "5k89",
+ "3d1g",
+ "6ppo",
+ "5xzv",
+ "5sz8",
+ "4lei",
+ "4uhr",
+ "5xlo",
+ "6s3k",
+ "6bo9",
+ "6npe",
+ "1tnl",
+ "5dl1",
+ "1rq1",
+ "7xsw",
+ "2zjx",
+ "2fi2",
+ "4w4s",
+ "3fhu",
+ "6d2t",
+ "1cla",
+ "1gmr",
+ "5vxs",
+ "2x7x",
+ "2ush",
+ "2obh",
+ "3w55",
+ "5ikv",
+ "4ctb",
+ "1bp4",
+ "6nli",
+ "4map",
+ "6zrd",
+ "2oq9",
+ "3egm",
+ "2vqt",
+ "4tun",
+ "1nku",
+ "7s3d",
+ "4lzn",
+ "7dcz",
+ "2lxt",
+ "1ngi",
+ "6ke5",
+ "5q0n",
+ "2ght",
+ "2q5e",
+ "5fny",
+ "8d9d",
+ "1b7o",
+ "7v04",
+ "3hzb",
+ "3smc",
+ "7wa8",
+ "4n8h",
+ "4aq3",
+ "2xu0",
+ "3v84",
+ "5pzk",
+ "7z83",
+ "4u36",
+ "2wz5",
+ "6qmj",
+ "4uqo",
+ "2w1h",
+ "2b07",
+ "7qyv",
+ "3rkk",
+ "5noo",
+ "2lth",
+ "1sx6",
+ "4wwu",
+ "7ncn",
+ "2hlv",
+ "2b5f",
+ "6ul2",
+ "5fup",
+ "4c3d",
+ "4v39",
+ "2wq0",
+ "2x9k",
+ "2jhg",
+ "2jnj",
+ "6fgc",
+ "7uwq",
+ "6vv2",
+ "1w3w",
+ "8bqv",
+ "4zrt",
+ "6mun",
+ "5pfi",
+ "3e6i",
+ "4n75",
+ "6ftc",
+ "4ahg",
+ "6sau",
+ "2ds6",
+ "3dc2",
+ "5xom",
+ "3pid",
+ "6bwc",
+ "5nc2",
+ "3mfa",
+ "4bf2",
+ "2lnv",
+ "7bju",
+ "1jtn",
+ "7q5e",
+ "6cu2",
+ "5dgg",
+ "3mrl",
+ "3wfx",
+ "1nyw",
+ "2bxb",
+ "8eye",
+ "1iy1",
+ "1akl",
+ "1u1f",
+ "6m2o",
+ "1bl7",
+ "5oni",
+ "4u7l",
+ "5bmv",
+ "3rt9",
+ "4ghh",
+ "4fk3",
+ "7m00",
+ "4ttj",
+ "7wan",
+ "6gi7",
+ "4wry",
+ "5jny",
+ "2gr0",
+ "5dhj",
+ "1qsg",
+ "8cdb",
+ "5w5z",
+ "5aav",
+ "3s0n",
+ "7ygk",
+ "5oze",
+ "4yr6",
+ "4u3v",
+ "5roc",
+ "6p8l",
+ "7em7",
+ "1qbz",
+ "7apj",
+ "1fh0",
+ "6g3u",
+ "5xbw",
+ "2ntw",
+ "1m5w",
+ "2ygy",
+ "3ell",
+ "6vum",
+ "3r2l",
+ "5ao1",
+ "2d26",
+ "6ffe",
+ "6j7u",
+ "6vhc",
+ "3ejd",
+ "6ti5",
+ "6k9v",
+ "3pwb",
+ "4zs8",
+ "5ox4",
+ "2j8t",
+ "7qvb",
+ "6qq6",
+ "2jjh",
+ "4z40",
+ "4usm",
+ "7tet",
+ "4gc7",
+ "2euk",
+ "4pck",
+ "4rht",
+ "1c5p",
+ "1t25",
+ "6tp9",
+ "6hra",
+ "243l",
+ "2xcd",
+ "4jad",
+ "5l4j",
+ "5gxx",
+ "5du7",
+ "3r1n",
+ "2kux",
+ "1mvb",
+ "2jhy",
+ "1f2b",
+ "3l6t",
+ "6wdy",
+ "7s24",
+ "2l41",
+ "1us3",
+ "2zj2",
+ "2bcn",
+ "2yz4",
+ "5h0n",
+ "4of7",
+ "6qpp",
+ "4amu",
+ "2hff",
+ "2x3v",
+ "2dro",
+ "4c9u",
+ "1xel",
+ "4hud",
+ "3n36",
+ "4yf2",
+ "6g7a",
+ "7vv9",
+ "6kjn",
+ "3hoe",
+ "7wy1",
+ "1i3v",
+ "2w42",
+ "4u63",
+ "4ruq",
+ "1z7n",
+ "6zv0",
+ "1py6",
+ "5xub",
+ "1p0i",
+ "2w97",
+ "5idb",
+ "1lj0",
+ "6rbf",
+ "5wf3",
+ "6rke",
+ "7bmr",
+ "1thp",
+ "1w9w",
+ "3pew",
+ "7mpl",
+ "7uj7",
+ "3voy",
+ "4yfn",
+ "7d2p",
+ "6b9r",
+ "2wq5",
+ "2wd9",
+ "1rf8",
+ "2zmi",
+ "5fwp",
+ "2v8q",
+ "4bme",
+ "5e2i",
+ "7vi8",
+ "5nxe",
+ "1usd",
+ "2w69",
+ "6rsg",
+ "4usl",
+ "6kai",
+ "4fni",
+ "3qfd",
+ "3eo0",
+ "6eho",
+ "5k9d",
+ "2qc7",
+ "3tca",
+ "2fn5",
+ "5le9",
+ "2puw",
+ "5l95",
+ "7skz",
+ "4gqe",
+ "5nq7",
+ "1b3d",
+ "1ewk",
+ "1jw4",
+ "4jda",
+ "3sk3",
+ "3kq4",
+ "3vhk",
+ "7ott",
+ "5a1n",
+ "3m4y",
+ "4j0j",
+ "4m04",
+ "8db5",
+ "1xed",
+ "2whn",
+ "7lgm",
+ "3skm",
+ "2y98",
+ "2ec8",
+ "3vcj",
+ "4muq",
+ "4bt1",
+ "1f7p",
+ "7e31",
+ "3vso",
+ "5pu1",
+ "4uxy",
+ "3t0h",
+ "7c0i",
+ "2bgw",
+ "7n58",
+ "2di4",
+ "3v7c",
+ "4pcu",
+ "1eq8",
+ "8ejy",
+ "3pne",
+ "4ww8",
+ "2gq3",
+ "2y7g",
+ "3dh5",
+ "7jy5",
+ "2ezx",
+ "5uvi",
+ "5bt1",
+ "4b2n",
+ "5c08",
+ "5a2e",
+ "5n6y",
+ "4iqt",
+ "5i7y",
+ "5hlv",
+ "2gll",
+ "5qey",
+ "7l07",
+ "3bje",
+ "2ax2",
+ "1tos",
+ "4g5e",
+ "3ktw",
+ "4obv",
+ "4dkk",
+ "2q74",
+ "8ax0",
+ "3ebx",
+ "6dqa",
+ "1l2w",
+ "7p8p",
+ "2axl",
+ "7ej9",
+ "2h1d",
+ "3o98",
+ "2pzf",
+ "4qx3",
+ "5wgz",
+ "6gta",
+ "1l1i",
+ "6fgj",
+ "3ov1",
+ "5mbx",
+ "5rfe",
+ "5xpu",
+ "2jjb",
+ "2wby",
+ "3lpy",
+ "5mfk",
+ "6a8u",
+ "5ip6",
+ "2ix6",
+ "3f48",
+ "1to5",
+ "4br7",
+ "7vvo",
+ "6mk3",
+ "1noz",
+ "5hhe",
+ "3qlt",
+ "6wk3",
+ "1kxt",
+ "1wri",
+ "2bm3",
+ "2y4q",
+ "1h51",
+ "3dau",
+ "2yam",
+ "2aph",
+ "5tsw",
+ "5j10",
+ "8dzf",
+ "8f6c",
+ "6o87",
+ "6is5",
+ "6re3",
+ "6w5y",
+ "4ugv",
+ "8f2e",
+ "4dat",
+ "5y5l",
+ "5y2w",
+ "5s51",
+ "1xdi",
+ "4v3a",
+ "7qv6",
+ "7r98",
+ "2irm",
+ "5ld8",
+ "6byi",
+ "5pvf",
+ "6c9t",
+ "2k3q",
+ "2n11",
+ "4ipe",
+ "7qm8",
+ "2uyq",
+ "1hz3",
+ "7u28",
+ "5co3",
+ "6ljn",
+ "3sf0",
+ "4u46",
+ "6rc2",
+ "7rie",
+ "4ojv",
+ "5c91",
+ "6pat",
+ "5jcz",
+ "3v44",
+ "3phm",
+ "1cqr",
+ "3neg",
+ "7qx5",
+ "1aqd",
+ "2xqq",
+ "7ufa",
+ "1pox",
+ "5c8f",
+ "2hxu",
+ "4cj3",
+ "7dol",
+ "5p83",
+ "8hc7",
+ "5jg6",
+ "7cxy",
+ "3dn4",
+ "4p82",
+ "2iaa",
+ "8d6c",
+ "1yfu",
+ "6ek8",
+ "6c4j",
+ "7rox",
+ "5c9f",
+ "4nf6",
+ "7fkv",
+ "3qxs",
+ "6s1r",
+ "3dt3",
+ "1g6v",
+ "2h14",
+ "3ewv",
+ "6w5l",
+ "5ayi",
+ "2j73",
+ "7w0t",
+ "1qix",
+ "6muv",
+ "2yvp",
+ "1yie",
+ "5jdg",
+ "6dvz",
+ "5pid",
+ "2azk",
+ "7dpd",
+ "7wjx",
+ "7ztd",
+ "1aj0",
+ "4o6b",
+ "3nc2",
+ "3tgx",
+ "5x4y",
+ "2cgn",
+ "3qfr",
+ "2tod",
+ "2if8",
+ "5xk3",
+ "6a08",
+ "3nbc",
+ "6axg",
+ "7b2x",
+ "8dd7",
+ "2uxf",
+ "1zrv",
+ "5mzi",
+ "1ttc",
+ "6hvt",
+ "4iye",
+ "2lss",
+ "5cmv",
+ "2jkw",
+ "4zb8",
+ "2ax1",
+ "8d8i",
+ "7b84",
+ "5lew",
+ "1smj",
+ "6ksf",
+ "2xwr",
+ "6q5a",
+ "1jwd",
+ "7m6r",
+ "3oek",
+ "7rx2",
+ "1n1q",
+ "6ocq",
+ "6kha",
+ "6u06",
+ "3poi",
+ "11ba",
+ "5coc",
+ "7s9d",
+ "2jwu",
+ "5h78",
+ "3ry0",
+ "6ncx",
+ "6chm",
+ "3dv5",
+ "5i7v",
+ "3k3n",
+ "6a3k",
+ "5ysy",
+ "7wcl",
+ "2zfa",
+ "5r0e",
+ "8oej",
+ "2ada",
+ "4jss",
+ "6gok",
+ "5g4j",
+ "6lv8",
+ "1z6e",
+ "1ptq",
+ "4dua",
+ "1vbn",
+ "8dxo",
+ "1jhh",
+ "5lzi",
+ "2a3g",
+ "3ure",
+ "1ja2",
+ "2pqb",
+ "1g02",
+ "6vt9",
+ "3khj",
+ "6vws",
+ "1q0g",
+ "1o2t",
+ "3o3e",
+ "1p2m",
+ "7zh7",
+ "1rcd",
+ "3pbz",
+ "5tz7",
+ "7ycs",
+ "6kth",
+ "1k36",
+ "7bk4",
+ "6zf6",
+ "4hnb",
+ "6i2j",
+ "2wj1",
+ "4a2z",
+ "2mwa",
+ "3ccr",
+ "4j7d",
+ "6pkf",
+ "1odu",
+ "2h6e",
+ "4c3o",
+ "4ufi",
+ "4k20",
+ "5jp0",
+ "4os8",
+ "2jd5",
+ "3rcd",
+ "2pms",
+ "2z5k",
+ "4nux",
+ "5p5x",
+ "5s5j",
+ "7e8s",
+ "3slk",
+ "6mfj",
+ "1hoy",
+ "5aoc",
+ "4mxv",
+ "4xlp",
+ "7mrq",
+ "7v68",
+ "2ef9",
+ "7qm0",
+ "6bhg",
+ "1v9l",
+ "7mge",
+ "6d64",
+ "3ily",
+ "5s4c",
+ "5m4y",
+ "3t3z",
+ "6csl",
+ "4quy",
+ "6akx",
+ "7rdb",
+ "5kxt",
+ "6zyv",
+ "1yqq",
+ "1d9k",
+ "1n2j",
+ "6qp6",
+ "5hmk",
+ "1w50",
+ "6rj4",
+ "3j3t",
+ "4zoc",
+ "7dn1",
+ "4eo6",
+ "7jvn",
+ "4o23",
+ "5k0k",
+ "1c5f",
+ "5nsx",
+ "4rh1",
+ "5zg2",
+ "1bon",
+ "7f2j",
+ "4xkk",
+ "3x15",
+ "4qbt",
+ "3ab1",
+ "5rgd",
+ "7a5s",
+ "1aew",
+ "3l1x",
+ "6ubb",
+ "6ce5",
+ "4yr9",
+ "3oy1",
+ "4qhi",
+ "4d2z",
+ "7vm1",
+ "5vbo",
+ "1nwv",
+ "4u2j",
+ "4qub",
+ "5z9x",
+ "1u4q",
+ "4gqw",
+ "1zcl",
+ "4v26",
+ "1f9v",
+ "6p49",
+ "3hx9",
+ "4ow2",
+ "2xhm",
+ "3k7s",
+ "7ycv",
+ "1bi2",
+ "6izz",
+ "2hsg",
+ "7rcl",
+ "2pzj",
+ "4iee",
+ "4bgk",
+ "6hu9",
+ "7nak",
+ "1d9x",
+ "1b1j",
+ "4fcc",
+ "3gey",
+ "2zml",
+ "4np2",
+ "1l2k",
+ "3oei",
+ "7ngp",
+ "6cfn",
+ "6nbr",
+ "6s52",
+ "6s8e",
+ "3be8",
+ "1ikw",
+ "4b5i",
+ "2r3d",
+ "1ied",
+ "4fqh",
+ "2wqe",
+ "5b0w",
+ "5d4p",
+ "3u84",
+ "5yd4",
+ "1tfe",
+ "7nf9",
+ "7edz",
+ "5opl",
+ "1c46",
+ "3ssd",
+ "4xcy",
+ "5hup",
+ "2ibg",
+ "5xst",
+ "5izv",
+ "5uwg",
+ "7lny",
+ "3j2p",
+ "1u57",
+ "3nla",
+ "6b85",
+ "6n89",
+ "3n37",
+ "3aar",
+ "2buf",
+ "7xsj",
+ "8d6g",
+ "4cd7",
+ "6d78",
+ "5cis",
+ "3nth",
+ "3h7n",
+ "6r0c",
+ "1y0d",
+ "3t5d",
+ "2vnc",
+ "3ft9",
+ "3rxx",
+ "6mgh",
+ "4zcj",
+ "3qjo",
+ "5nn1",
+ "4m4i",
+ "1bhb",
+ "4v3r",
+ "5o79",
+ "4az8",
+ "1e0v",
+ "2ial",
+ "1m5b",
+ "1e9f",
+ "1g0j",
+ "2b14",
+ "3dqs",
+ "6yvd",
+ "4jbt",
+ "1h43",
+ "1cyy",
+ "2wg5",
+ "6eq1",
+ "4f4p",
+ "2vxg",
+ "4xzg",
+ "4o2f",
+ "6oij",
+ "5hlr",
+ "6i3t",
+ "3kpo",
+ "2lml",
+ "6p26",
+ "3rj3",
+ "5fe9",
+ "4ows",
+ "2avu",
+ "3zk7",
+ "6iw2",
+ "5vng",
+ "2q3m",
+ "4r36",
+ "2hb7",
+ "5mxf",
+ "7y4n",
+ "5t4c",
+ "3i5u",
+ "7wwg",
+ "3sgs",
+ "7sp7",
+ "4m6l",
+ "3cb8",
+ "6hu7",
+ "3ka4",
+ "7bcd",
+ "6ye3",
+ "1gqt",
+ "4ga5",
+ "6fks",
+ "7bqg",
+ "6n9o",
+ "1k52",
+ "7jsf",
+ "5dxk",
+ "7v8f",
+ "7kyq",
+ "5nqs",
+ "5tzq",
+ "3qnu",
+ "3ljg",
+ "4ppo",
+ "6xex",
+ "1te1",
+ "6ei8",
+ "1z2l",
+ "6pc0",
+ "7crk",
+ "5k0z",
+ "6thp",
+ "4ge9",
+ "1pwq",
+ "2qh1",
+ "6qf4",
+ "6d04",
+ "7vpr",
+ "7da1",
+ "5age",
+ "6x11",
+ "7wxo",
+ "2zuf",
+ "3dz2",
+ "2roy",
+ "1o78",
+ "2xbw",
+ "3anj",
+ "4b34",
+ "4x2g",
+ "6v25",
+ "2md4",
+ "7o4w",
+ "8bes",
+ "2wth",
+ "4rr7",
+ "1l2l",
+ "3oq6",
+ "173l",
+ "7yr2",
+ "3a3f",
+ "1hit",
+ "5l0b",
+ "5z7r",
+ "2rf2",
+ "2p1e",
+ "5jnc",
+ "5keg",
+ "5ijp",
+ "2dv6",
+ "1oxv",
+ "1x3x",
+ "6ofb",
+ "6phw",
+ "4z1e",
+ "5nrt",
+ "6vtd",
+ "4fd6",
+ "4pmu",
+ "4ea0",
+ "5w6j",
+ "4foq",
+ "6btg",
+ "7bkd",
+ "2mka",
+ "2qo9",
+ "1t8p",
+ "2z84",
+ "3quz",
+ "5its",
+ "1gi8",
+ "8d1r",
+ "1swo",
+ "7sme",
+ "6k1l",
+ "5jta",
+ "3rcf",
+ "7pfb",
+ "6tep",
+ "4jpu",
+ "7u83",
+ "6jmi",
+ "7am0",
+ "4p25",
+ "6t0d",
+ "4ins",
+ "6ag5",
+ "4oon",
+ "6s3l",
+ "5gsf",
+ "3qd6",
+ "3f1a",
+ "1n9s",
+ "6qod",
+ "4rak",
+ "7uo7",
+ "1usi",
+ "7dmg",
+ "3h0e",
+ "4ctk",
+ "7dj1",
+ "1lmj",
+ "7ter",
+ "4kb9",
+ "2o66",
+ "6dd7",
+ "6pga",
+ "3ik4",
+ "2qzd",
+ "5wiq",
+ "4gjj",
+ "1o4p",
+ "4qp8",
+ "5td6",
+ "2lkv",
+ "5teu",
+ "5hd0",
+ "8ea9",
+ "7bb5",
+ "2lmo",
+ "7pt3",
+ "2v92",
+ "1ik6",
+ "2q1n",
+ "4iwx",
+ "2xup",
+ "3tex",
+ "7ya8",
+ "2thf",
+ "1r2f",
+ "2mti",
+ "7agu",
+ "4uy2",
+ "1dd3",
+ "7luu",
+ "7zhy",
+ "6fux",
+ "6zmp",
+ "1mz6",
+ "5k2j",
+ "3bj2",
+ "7cgj",
+ "3duy",
+ "5zft",
+ "1cfn",
+ "1h70",
+ "6une",
+ "3qit",
+ "5ajn",
+ "1gxz",
+ "2xk5",
+ "7wox",
+ "4hio",
+ "4tnn",
+ "7qm2",
+ "4l36",
+ "4c2a",
+ "7lhb",
+ "2wwc",
+ "7ajq",
+ "3gmn",
+ "2w4b",
+ "6cc0",
+ "2l9w",
+ "1ntz",
+ "2c79",
+ "1krn",
+ "6fvg",
+ "2ver",
+ "3h1f",
+ "1qqs",
+ "2vpj",
+ "7t9y",
+ "4gzo",
+ "7npf",
+ "4b6m",
+ "3rv1",
+ "1un9",
+ "4dmc",
+ "5x5h",
+ "5rum",
+ "6j6o",
+ "6z6d",
+ "6u1z",
+ "2jua",
+ "5vnl",
+ "4ypa",
+ "2k8p",
+ "2nlk",
+ "6t37",
+ "2xtx",
+ "5ja4",
+ "3mw0",
+ "7ln5",
+ "5tzd",
+ "1n4h",
+ "4y8q",
+ "7fee",
+ "1iz6",
+ "2a8z",
+ "6mab",
+ "4x3v",
+ "7ull",
+ "7fe2",
+ "8db1",
+ "4orz",
+ "6ixy",
+ "7skw",
+ "6jd0",
+ "4bm2",
+ "4exv",
+ "5p7w",
+ "1ojl",
+ "1qdl",
+ "5tpc",
+ "1cqa",
+ "5z5t",
+ "6vh2",
+ "2kz1",
+ "2p4y",
+ "5dyh",
+ "1ru2",
+ "4gfc",
+ "2vus",
+ "3k0k",
+ "7s90",
+ "4tug",
+ "6vx8",
+ "7jum",
+ "4whq",
+ "3f1s",
+ "6gr4",
+ "4blv",
+ "3sxf",
+ "1syh",
+ "5ocr",
+ "1wzd",
+ "5ayz",
+ "1ptr",
+ "5chn",
+ "3us3",
+ "5aqd",
+ "1yw7",
+ "4peg",
+ "3eie",
+ "6fql",
+ "6oux",
+ "2zfi",
+ "4niq",
+ "6h2v",
+ "5o7q",
+ "1hd2",
+ "2v3d",
+ "2kui",
+ "3vyr",
+ "2wy2",
+ "3exw",
+ "3n5z",
+ "6sh7",
+ "2icy",
+ "5y34",
+ "5tcf",
+ "5hch",
+ "1mbm",
+ "7cl5",
+ "6cs4",
+ "3dr2",
+ "1c8y",
+ "4dzy",
+ "1ci5",
+ "5wkc",
+ "1bqh",
+ "5yao",
+ "1ngy",
+ "5p0o",
+ "7zpc",
+ "1xpr",
+ "6rqu",
+ "5dy9",
+ "6hot",
+ "4cwf",
+ "5zcg",
+ "7oha",
+ "7qmr",
+ "3h3r",
+ "6iwn",
+ "7uva",
+ "5qfc",
+ "6gjs",
+ "5e6p",
+ "3ocw",
+ "3cz0",
+ "5m4j",
+ "3byx",
+ "7q73",
+ "2dji",
+ "4fgn",
+ "4c0m",
+ "6r0r",
+ "6lbt",
+ "5wba",
+ "1ibn",
+ "7ywx",
+ "2bpq",
+ "5qll",
+ "4u6z",
+ "7m3e",
+ "7nte",
+ "1clf",
+ "6ei4",
+ "2f7k",
+ "3pwe",
+ "5j0g",
+ "4utg",
+ "1i1s",
+ "1o5t",
+ "6as6",
+ "6gig",
+ "1x74",
+ "6ft4",
+ "4kkq",
+ "5rew",
+ "5n8b",
+ "6xml",
+ "4ybi",
+ "2g2o",
+ "5e7w",
+ "5b68",
+ "7c05",
+ "3aav",
+ "5tjf",
+ "6z8q",
+ "6eon",
+ "1ryi",
+ "2bi1",
+ "4z1v",
+ "4f1c",
+ "6hhn",
+ "5igs",
+ "3kyw",
+ "3uhk",
+ "5m8n",
+ "6whw",
+ "5d9q",
+ "6mhz",
+ "6qsh",
+ "5ahb",
+ "3vtd",
+ "6gwf",
+ "7khr",
+ "6v4g",
+ "7ckk",
+ "6fr3",
+ "7s1s",
+ "6t2j",
+ "1swm",
+ "5a7s",
+ "5xjb",
+ "2plt",
+ "6lan",
+ "5off",
+ "5nxq",
+ "2wr2",
+ "6m2n",
+ "5nha",
+ "7dsm",
+ "3a30",
+ "1kbv",
+ "2rab",
+ "1j4a",
+ "2dyh",
+ "3bav",
+ "1clu",
+ "4tqp",
+ "2e1r",
+ "1i91",
+ "5qfa",
+ "2n55",
+ "4z1n",
+ "1j8v",
+ "7qeo",
+ "2a2p",
+ "3vgs",
+ "3p1d",
+ "7ucq",
+ "4fa2",
+ "1g27",
+ "2dap",
+ "4yzt",
+ "4leu",
+ "2e7q",
+ "1kwk",
+ "1m05",
+ "5pus",
+ "7v8v",
+ "1m2z",
+ "6xq6",
+ "5kv1",
+ "5zx3",
+ "4rhk",
+ "3rge",
+ "1bnd",
+ "7ef1",
+ "6ebx",
+ "7a60",
+ "5u8a",
+ "4uif",
+ "6p5o",
+ "4r0p",
+ "7p9c",
+ "6w1c",
+ "2qdq",
+ "2qqo",
+ "8au8",
+ "3rdb",
+ "6fo6",
+ "3v8w",
+ "5k28",
+ "4o0r",
+ "6ckr",
+ "5ws6",
+ "2l98",
+ "4wfz",
+ "6eq3",
+ "6mqp",
+ "3zl8",
+ "6ypd",
+ "2jwn",
+ "6xh0",
+ "5rbo",
+ "3d3p",
+ "2ku7",
+ "4tpz",
+ "6p2k",
+ "2od3",
+ "7k2b",
+ "1ep0",
+ "6iz0",
+ "1bup",
+ "1vne",
+ "1ci7",
+ "6ft5",
+ "6fse",
+ "1q1r",
+ "5vue",
+ "2xrp",
+ "7adc",
+ "5yef",
+ "3upr",
+ "4xtd",
+ "1dmb",
+ "5xd8",
+ "7vjn",
+ "2fcs",
+ "1hbb",
+ "1umg",
+ "5r97",
+ "6eaa",
+ "1ttp",
+ "4wnv",
+ "5tgk",
+ "4d7w",
+ "5tiw",
+ "6pev",
+ "1q7s",
+ "6htl",
+ "2p1q",
+ "1hi4",
+ "2mpb",
+ "1pku",
+ "7dgb",
+ "1drk",
+ "2rgt",
+ "5ewm",
+ "3q1t",
+ "1ihj",
+ "4kkv",
+ "7sgf",
+ "1ib8",
+ "1fgg",
+ "3ghg",
+ "2xva",
+ "2ot5",
+ "2qt6",
+ "3ix0",
+ "7kqo",
+ "6szf",
+ "1chw",
+ "2dv9",
+ "3wnq",
+ "4gk2",
+ "2pb2",
+ "1qjd",
+ "6z5y",
+ "3zli",
+ "4lzm",
+ "1ugc",
+ "4wm6",
+ "3i80",
+ "5sbb",
+ "3b5w",
+ "2pcy",
+ "4ydu",
+ "5puw",
+ "5ctc",
+ "6cci",
+ "4x3u",
+ "7fhv",
+ "1qgc",
+ "3sbo",
+ "1ffd",
+ "7fiq",
+ "6aaf",
+ "5yqs",
+ "2lur",
+ "4fqx",
+ "3ln2",
+ "6kas",
+ "5fo8",
+ "6gon",
+ "5i52",
+ "6j86",
+ "7v3m",
+ "5mrv",
+ "6nr6",
+ "2x6r",
+ "5pna",
+ "1ijx",
+ "3dp2",
+ "7der",
+ "3gvg",
+ "3rlh",
+ "5eeg",
+ "2faq",
+ "7r09",
+ "5o3v",
+ "6yif",
+ "5jmx",
+ "3k79",
+ "2azs",
+ "7rsl",
+ "7fnc",
+ "2omh",
+ "4exm",
+ "4urr",
+ "7ai6",
+ "6ide",
+ "1sg2",
+ "6ptb",
+ "2x4s",
+ "4nb2",
+ "3iw5",
+ "5ynu",
+ "3ep3",
+ "7qb9",
+ "1ohl",
+ "2jke",
+ "6bmh",
+ "7emw",
+ "2mxp",
+ "2bwf",
+ "2w52",
+ "2vtl",
+ "6f3b",
+ "4kua",
+ "2j6r",
+ "2vf9",
+ "4wrn",
+ "6op4",
+ "3nhc",
+ "6xlt",
+ "3t83",
+ "4m7d",
+ "5o90",
+ "7zzz",
+ "7q0y",
+ "3e59",
+ "5euk",
+ "6moy",
+ "4tkg",
+ "2poj",
+ "7myi",
+ "4h2b",
+ "1fv0",
+ "5lj7",
+ "6ozm",
+ "6wn4",
+ "5g4z",
+ "5jgj",
+ "3gd9",
+ "7dkx",
+ "1fwo",
+ "5vnt",
+ "6nhy",
+ "5qeo",
+ "6lou",
+ "2ldx",
+ "5hs1",
+ "2iww",
+ "4w1w",
+ "7ev9",
+ "2zlg",
+ "3dwt",
+ "6i9m",
+ "2xy3",
+ "3he7",
+ "1wkp",
+ "4iw2",
+ "6f3x",
+ "6hxq",
+ "7fhj",
+ "3gdf",
+ "4q41",
+ "5x2f",
+ "1v51",
+ "1ecv",
+ "7f0u",
+ "1ijt",
+ "4an3",
+ "6e3j",
+ "3nv0",
+ "3c1j",
+ "3abd",
+ "2vwx",
+ "7zd8",
+ "6vzl",
+ "5jio",
+ "8de0",
+ "4ysz",
+ "2kad",
+ "3n9r",
+ "4xt7",
+ "5khc",
+ "6ze6",
+ "7lsm",
+ "1xn1",
+ "4tr9",
+ "3n51",
+ "6iwj",
+ "2mb1",
+ "5ze0",
+ "5npi",
+ "7f1d",
+ "5pea",
+ "3t9e",
+ "6c3n",
+ "6rbq",
+ "5x6m",
+ "1cfc",
+ "6pzw",
+ "4ehg",
+ "5vho",
+ "1udc",
+ "3eng",
+ "4zmw",
+ "4arl",
+ "8d3t",
+ "1l22",
+ "2g7c",
+ "5rp6",
+ "5suk",
+ "2yox",
+ "7r5q",
+ "5c3l",
+ "5pzm",
+ "4cmv",
+ "1l0a",
+ "6vw0",
+ "4fgh",
+ "6b4h",
+ "2cc2",
+ "4mvb",
+ "6d2r",
+ "4wl1",
+ "3b9y",
+ "6r02",
+ "3au1",
+ "7n7c",
+ "1oiw",
+ "3qf0",
+ "6vxo",
+ "5uyh",
+ "2hdr",
+ "4ply",
+ "5yv0",
+ "5s5s",
+ "6icg",
+ "1jry",
+ "7u9y",
+ "2g2k",
+ "2xc3",
+ "6l1y",
+ "4tn4",
+ "3ia0",
+ "1uuz",
+ "1ifc",
+ "3ehu",
+ "1hpc",
+ "7snp",
+ "1e8m",
+ "4w94",
+ "2sem",
+ "5zmr",
+ "7oxb",
+ "6pii",
+ "7ry0",
+ "3syj",
+ "1oip",
+ "5xjl",
+ "7dn7",
+ "2c64",
+ "5j2x",
+ "4z89",
+ "6ltl",
+ "4jqe",
+ "1hk1",
+ "2xgx",
+ "6ez9",
+ "3eqf",
+ "3iik",
+ "3b3v",
+ "6b0o",
+ "7tyw",
+ "2ccr",
+ "4bnv",
+ "2f2i",
+ "7s0k",
+ "4v23",
+ "2m3l",
+ "5uuf",
+ "2etn",
+ "1p2y",
+ "5eo7",
+ "3aei",
+ "5z1r",
+ "5diu",
+ "7umr",
+ "6fde",
+ "4o02",
+ "3f66",
+ "3elu",
+ "2ba9",
+ "3dxc",
+ "5g0j",
+ "4g49",
+ "1kic",
+ "1g41",
+ "6ryg",
+ "2ekt",
+ "5nuz",
+ "1bh4",
+ "7dwo",
+ "5op7",
+ "5mr2",
+ "4ym0",
+ "4cgl",
+ "6eou",
+ "1t1z",
+ "4d06",
+ "3tfl",
+ "3wtx",
+ "4inu",
+ "5i9q",
+ "7lk4",
+ "6a3e",
+ "1im4",
+ "6cpe",
+ "3bzz",
+ "1apb",
+ "6g4h",
+ "2zd7",
+ "5dbg",
+ "4ofm",
+ "5ty4",
+ "4abw",
+ "3c36",
+ "5e9m",
+ "2vmn",
+ "1gei",
+ "1iju",
+ "7w8r",
+ "7cy6",
+ "2xge",
+ "2f1h",
+ "6jsd",
+ "5wu6",
+ "8aqv",
+ "1gav",
+ "3pv8",
+ "3zip",
+ "5nho",
+ "3qvc",
+ "2g63",
+ "6h0b",
+ "3q2p",
+ "1tcs",
+ "1iul",
+ "2nbh",
+ "5my6",
+ "1ts8",
+ "3woj",
+ "1xoa",
+ "3va2",
+ "4iwt",
+ "5dy5",
+ "3tww",
+ "1ktk",
+ "6dsq",
+ "4cga",
+ "4xpg",
+ "3t25",
+ "2l9m",
+ "5qn9",
+ "4l5j",
+ "6p3d",
+ "8beq",
+ "3sz6",
+ "1l2m",
+ "7zy8",
+ "5c3q",
+ "5d25",
+ "5lan",
+ "7r84",
+ "1sif",
+ "6fkx",
+ "4ezc",
+ "7tzj",
+ "7bq3",
+ "5pks",
+ "5j5i",
+ "4k7w",
+ "7e8f",
+ "1pax",
+ "6gt7",
+ "6r40",
+ "1w48",
+ "160l",
+ "3mzr",
+ "1qb2",
+ "5s2h",
+ "2nd8",
+ "6nsq",
+ "1zza",
+ "2i0k",
+ "4r57",
+ "2yxl",
+ "6rgl",
+ "7s69",
+ "5x5y",
+ "5re5",
+ "6u0j",
+ "6avc",
+ "6svr",
+ "4cqe",
+ "1eoi",
+ "1pt5",
+ "1q6k",
+ "4hds",
+ "5fnf",
+ "7bkn",
+ "1mk5",
+ "5c2h",
+ "2vfa",
+ "3iut",
+ "5etj",
+ "1sp1",
+ "4x05",
+ "2wts",
+ "1dd9",
+ "7yu7",
+ "6iab",
+ "4aip",
+ "5ffc",
+ "3tab",
+ "6zns",
+ "1t84",
+ "4ph0",
+ "5ed7",
+ "4lj0",
+ "5igm",
+ "1a9p",
+ "2duo",
+ "1shy",
+ "2za6",
+ "7c9k",
+ "3pg9",
+ "7p00",
+ "1vz0",
+ "4al9",
+ "5dqw",
+ "3vsf",
+ "4l1u",
+ "4krf",
+ "6l96",
+ "1psr",
+ "3q92",
+ "7ctp",
+ "4fr8",
+ "6hm0",
+ "2vhy",
+ "1qbi",
+ "7ek2",
+ "4bq7",
+ "1y0t",
+ "3cfw",
+ "5sam",
+ "5sap",
+ "2fje",
+ "5ipb",
+ "3p4p",
+ "1lwd",
+ "1fxr",
+ "1rvu",
+ "3te4",
+ "1jej",
+ "7bto",
+ "1at1",
+ "5arl",
+ "5ecs",
+ "4ur3",
+ "7em5",
+ "7n7w",
+ "2c6n",
+ "6lhi",
+ "2wca",
+ "3zh5",
+ "4r0a",
+ "3lfm",
+ "1if9",
+ "3lx9",
+ "1ccg",
+ "5e2z",
+ "1mly",
+ "7l9c",
+ "1n0t",
+ "5djc",
+ "2q2v",
+ "2l9y",
+ "2f1v",
+ "6kmo",
+ "6pyb",
+ "5m2y",
+ "3lnt",
+ "4ke8",
+ "1wyk",
+ "3jxi",
+ "4c9f",
+ "3f84",
+ "5jnq",
+ "2qkl",
+ "3ft4",
+ "7mdc",
+ "3lbi",
+ "6u4l",
+ "3ayt",
+ "7ah5",
+ "7dt8",
+ "5m1u",
+ "6wii",
+ "5tfu",
+ "8b2q",
+ "6kbl",
+ "1tv6",
+ "2bem",
+ "2bzm",
+ "3djl",
+ "6fsg",
+ "1rfa",
+ "7zzw",
+ "2y1i",
+ "1wp6",
+ "4y9f",
+ "1djh",
+ "6f9s",
+ "3tcn",
+ "6mjb",
+ "4kcw",
+ "1d1w",
+ "1m7u",
+ "3s7p",
+ "5w2d",
+ "4llr",
+ "1rar",
+ "5eo0",
+ "5dav",
+ "1r2j",
+ "6vil",
+ "1e9d",
+ "3e31",
+ "4gni",
+ "4bv2",
+ "1dmz",
+ "4pzg",
+ "5wez",
+ "3rzm",
+ "6epj",
+ "4he9",
+ "3q8h",
+ "2mcf",
+ "6s4k",
+ "5p0w",
+ "8ebx",
+ "1pn6",
+ "6cyf",
+ "4m44",
+ "5lbk",
+ "7t6g",
+ "5wtx",
+ "4hrx",
+ "5z1f",
+ "1b68",
+ "1t4e",
+ "7poh",
+ "4nhq",
+ "1l29",
+ "4oiu",
+ "3pj2",
+ "1qim",
+ "5i5u",
+ "7k4k",
+ "6kvf",
+ "4lrl",
+ "1zmn",
+ "7e9t",
+ "6boj",
+ "1ldm",
+ "4ixw",
+ "5syj",
+ "5uf7",
+ "3vny",
+ "6mk6",
+ "8e8v",
+ "1oai",
+ "4bx3",
+ "1xme",
+ "4bz9",
+ "6f0v",
+ "2wfu",
+ "2rkx",
+ "1k7e",
+ "5x79",
+ "5cdz",
+ "7s4y",
+ "1ziw",
+ "4q9g",
+ "1k8z",
+ "3iov",
+ "3hb3",
+ "1df0",
+ "5rux",
+ "5lc4",
+ "4o4h",
+ "5pl1",
+ "1zxf",
+ "3po7",
+ "7s8h",
+ "7cfa",
+ "4wmb",
+ "5v0v",
+ "5jbg",
+ "5kr7",
+ "5b39",
+ "1z6i",
+ "7t7y",
+ "2nbp",
+ "3iil",
+ "3bpb",
+ "8d3x",
+ "6jmu",
+ "5aup",
+ "1cpd",
+ "1o4d",
+ "1jdn",
+ "4zex",
+ "6f6f",
+ "2r60",
+ "6n3b",
+ "2vqp",
+ "6de1",
+ "3rat",
+ "3f0t",
+ "4ohu",
+ "4yc5",
+ "5k7v",
+ "4u3q",
+ "1xuc",
+ "1qrl",
+ "7ccb",
+ "2ygw",
+ "7c0q",
+ "6g94",
+ "2f8f",
+ "6z2o",
+ "5e59",
+ "4o8g",
+ "2m07",
+ "7zyf",
+ "3jsw",
+ "7k7c",
+ "1c3v",
+ "6ddv",
+ "3qzl",
+ "4hsw",
+ "3olv",
+ "1vde",
+ "3s5u",
+ "4j28",
+ "2mpl",
+ "1nhz",
+ "2lm2",
+ "4pty",
+ "1e0n",
+ "1hpm",
+ "8dza",
+ "6uzz",
+ "2ayk",
+ "1l3j",
+ "1v3m",
+ "3s24",
+ "5esu",
+ "3thv",
+ "5b4j",
+ "2f23",
+ "1hda",
+ "7v62",
+ "5ypc",
+ "4azl",
+ "4ych",
+ "4wtr",
+ "6npr",
+ "2x3u",
+ "5f3j",
+ "6txt",
+ "1gpj",
+ "2r6x",
+ "5n78",
+ "7r5f",
+ "5pl8",
+ "2ar6",
+ "4bbt",
+ "7l2z",
+ "1q8r",
+ "8gas",
+ "2e7x",
+ "3qgu",
+ "3asx",
+ "4z71",
+ "6t5e",
+ "7vyq",
+ "5faw",
+ "3bxo",
+ "2a3b",
+ "1xzk",
+ "1ssg",
+ "5igo",
+ "6dy2",
+ "1mpj",
+ "5dj2",
+ "1gl2",
+ "1ibi",
+ "2alg",
+ "1o7t",
+ "6h6p",
+ "7ro5",
+ "6jvc",
+ "7ted",
+ "6umq",
+ "1fgo",
+ "4q8k",
+ "8aym",
+ "2wlj",
+ "5hsj",
+ "4lrz",
+ "1uxc",
+ "2h8w",
+ "5vqe",
+ "1e44",
+ "5pmp",
+ "4jwm",
+ "4qt5",
+ "5tem",
+ "5hcy",
+ "5ti8",
+ "1f7t",
+ "4x8o",
+ "6ozw",
+ "6y6r",
+ "6c1z",
+ "1sru",
+ "7v6p",
+ "4w5j",
+ "5z7a",
+ "5w0q",
+ "1i6p",
+ "4dnj",
+ "4uga",
+ "1gnr",
+ "5cmr",
+ "2fu3",
+ "1gpc",
+ "6g6y",
+ "1t64",
+ "4tls",
+ "6w3k",
+ "5uhe",
+ "6jfw",
+ "6oe0",
+ "1sxe",
+ "5jo8",
+ "3h5x",
+ "4y3i",
+ "4nyr",
+ "4akq",
+ "5tic",
+ "1s5e",
+ "4g2w",
+ "4djk",
+ "4icr",
+ "6euc",
+ "6i3b",
+ "6qgy",
+ "2g4u",
+ "6yne",
+ "6if9",
+ "5ree",
+ "7uf2",
+ "2b8x",
+ "5b3q",
+ "5r0x",
+ "1m4c",
+ "3f82",
+ "1tvt",
+ "7ctt",
+ "4p02",
+ "5ext",
+ "1ixx",
+ "3m4f",
+ "4bv0",
+ "1dvr",
+ "2bl0",
+ "3pna",
+ "1sk9",
+ "1unn",
+ "1jih",
+ "5p8a",
+ "3fs4",
+ "5hdl",
+ "4lqm",
+ "4d3n",
+ "6q5z",
+ "4cx6",
+ "5xbt",
+ "2fe6",
+ "1bbb",
+ "6dez",
+ "5qfz",
+ "3nmp",
+ "5yqp",
+ "1a1r",
+ "6qhb",
+ "1q0o",
+ "7ug9",
+ "6mzi",
+ "3e5o",
+ "4ftg",
+ "1lrt",
+ "3c6x",
+ "1eig",
+ "5c1i",
+ "3ufd",
+ "6a4u",
+ "5uwo",
+ "6ybo",
+ "7y05",
+ "1cb0",
+ "7ne5",
+ "2vtf",
+ "1nyx",
+ "2knv",
+ "8e1y",
+ "6reu",
+ "5pcp",
+ "2x5z",
+ "5kqy",
+ "3r3a",
+ "7dn9",
+ "2v1n",
+ "4ptu",
+ "4ht6",
+ "4k9w",
+ "5cop",
+ "6x5c",
+ "6q9u",
+ "1edn",
+ "2jys",
+ "5jas",
+ "2ggr",
+ "2alm",
+ "8avn",
+ "7aeh",
+ "2hhp",
+ "7f4i",
+ "4fmj",
+ "3p82",
+ "7cav",
+ "3mpg",
+ "6l4m",
+ "2jjl",
+ "3bw6",
+ "1fw9",
+ "1bn4",
+ "5c74",
+ "6cck",
+ "6sur",
+ "1lsc",
+ "4w1r",
+ "6phs",
+ "7aut",
+ "3mq1",
+ "3owg",
+ "4ld0",
+ "1m5c",
+ "6id3",
+ "6yxc",
+ "2vdr",
+ "6zw1",
+ "1udr",
+ "4rq4",
+ "1ihi",
+ "1c7m",
+ "4m54",
+ "4o5j",
+ "2nuy",
+ "2wod",
+ "1mxv",
+ "7acz",
+ "7bs6",
+ "6jf1",
+ "3gsp",
+ "4c4s",
+ "6z94",
+ "4bda",
+ "7b44",
+ "2d1z",
+ "6n37",
+ "4i7r",
+ "6geg",
+ "5zg1",
+ "1nas",
+ "3o6a",
+ "3wec",
+ "7r0m",
+ "7mkz",
+ "6h7w",
+ "7o3t",
+ "6f1o",
+ "4rxc",
+ "5wi8",
+ "3bj3",
+ "4uqh",
+ "3sp1",
+ "4n4w",
+ "2rrf",
+ "3h4v",
+ "1gxl",
+ "6fwo",
+ "2prk",
+ "2nzz",
+ "2jmx",
+ "1cj5",
+ "2m4k",
+ "2k7f",
+ "3ej8",
+ "7m0x",
+ "6zax",
+ "5uro",
+ "4mq5",
+ "4dvc",
+ "2z6g",
+ "6e0y",
+ "4m3u",
+ "1swv",
+ "2dqa",
+ "1jat",
+ "4bdr",
+ "1mx8",
+ "5pej",
+ "3odq",
+ "1fto",
+ "7omf",
+ "7kpk",
+ "6qcn",
+ "2z9t",
+ "5qlv",
+ "5i5x",
+ "5rpv",
+ "7ttn",
+ "5aa9",
+ "6cym",
+ "6c2i",
+ "6a9x",
+ "2gz1",
+ "1urp",
+ "5h69",
+ "3eqi",
+ "4q1a",
+ "7tqi",
+ "1m7o",
+ "1nz3",
+ "8aqn",
+ "3q2g",
+ "5kl3",
+ "7be6",
+ "5l8d",
+ "2htn",
+ "4aez",
+ "1jme",
+ "7mrh",
+ "2p93",
+ "2z4b",
+ "2k60",
+ "3b5u",
+ "1ayz",
+ "1xep",
+ "5ig6",
+ "7pot",
+ "5c85",
+ "6hdx",
+ "6n7v",
+ "1vrc",
+ "5p4c",
+ "6ijr",
+ "2k19",
+ "4bap",
+ "4c71",
+ "3i26",
+ "4rxa",
+ "2mob",
+ "5dzi",
+ "3lnq",
+ "6n2n",
+ "1bbp",
+ "6p4n",
+ "2nva",
+ "7qpc",
+ "3tnu",
+ "5y2j",
+ "5hz2",
+ "3m9s",
+ "4y07",
+ "5s3j",
+ "1igs",
+ "1ws5",
+ "6kgc",
+ "6rtr",
+ "2x5n",
+ "3rkh",
+ "6q40",
+ "7mxi",
+ "2ppd",
+ "4fru",
+ "6gjk",
+ "4gip",
+ "1dw1",
+ "4rs5",
+ "1v1t",
+ "5ezu",
+ "6inv",
+ "3kgf",
+ "6b22",
+ "5z69",
+ "4jbz",
+ "2kj1",
+ "1pgj",
+ "3hh7",
+ "3mzd",
+ "2l4g",
+ "2vpn",
+ "8apl",
+ "4cay",
+ "5pkt",
+ "3qn0",
+ "4lln",
+ "3fir",
+ "6swg",
+ "6sj4",
+ "1tzv",
+ "4njn",
+ "8egf",
+ "2h2d",
+ "5c0a",
+ "2wi2",
+ "6s91",
+ "4k6t",
+ "6o3u",
+ "7bwc",
+ "6iut",
+ "3oq5",
+ "5pz1",
+ "3pb5",
+ "5aky",
+ "3u15",
+ "6c5f",
+ "5y9q",
+ "1hvc",
+ "7k28",
+ "1atg",
+ "5wu1",
+ "3h03",
+ "6gd6",
+ "3kxb",
+ "1kjl",
+ "1az3",
+ "7loe",
+ "2vis",
+ "2mu9",
+ "5cna",
+ "3s0w",
+ "3vzk",
+ "2mc7",
+ "4wb4",
+ "1l48",
+ "5wtg",
+ "2v65",
+ "2b8v",
+ "1pq5",
+ "7rlm",
+ "1sci",
+ "7zwj",
+ "2rc4",
+ "2qfg",
+ "3r8z",
+ "1yje",
+ "1jbj",
+ "1izz",
+ "7wu2",
+ "1f8v",
+ "1ouc",
+ "3hs0",
+ "5ml1",
+ "4xmh",
+ "3aky",
+ "4emr",
+ "3i61",
+ "2f5d",
+ "4uiw",
+ "6avu",
+ "4yl3",
+ "1c2g",
+ "2vo5",
+ "6ljs",
+ "8eaz",
+ "2c31",
+ "8ewm",
+ "5d1l",
+ "5enp",
+ "7pc2",
+ "2vct",
+ "6lw5",
+ "6c2z",
+ "2q5i",
+ "7owk",
+ "5o2j",
+ "3dh8",
+ "1mxa",
+ "3qr7",
+ "7kp4",
+ "3txy",
+ "3kik",
+ "6vo9",
+ "8aig",
+ "3u5l",
+ "5h1u",
+ "3l9b",
+ "3w54",
+ "4cm5",
+ "1njd",
+ "6dkk",
+ "5ein",
+ "3gec",
+ "8ak3",
+ "6e3e",
+ "1z93",
+ "4awx",
+ "1d0m",
+ "6pop",
+ "8a3q",
+ "6vot",
+ "1oaa",
+ "5wx4",
+ "1pba",
+ "6h1l",
+ "6i7m",
+ "6oya",
+ "2vtr",
+ "4rzf",
+ "2z9u",
+ "5uoc",
+ "5ido",
+ "6g8f",
+ "3n4i",
+ "6x93",
+ "5hlb",
+ "1vze",
+ "8h2c",
+ "3txk",
+ "7oi1",
+ "2h6m",
+ "3iha",
+ "2p9h",
+ "5wgm",
+ "1faq",
+ "2bkb",
+ "3l5v",
+ "1k3e",
+ "6j1l",
+ "5qfm",
+ "6p8b",
+ "5azb",
+ "4v31",
+ "1iu5",
+ "6pgm",
+ "4oqa",
+ "6b0i",
+ "3alu",
+ "3d70",
+ "1bex",
+ "7mb7",
+ "7nhe",
+ "4kyc",
+ "1rzc",
+ "3jtr",
+ "2k1a",
+ "5rpj",
+ "7rt2",
+ "1f12",
+ "3fps",
+ "6rc5",
+ "6i9v",
+ "1bhp",
+ "6bz1",
+ "7zm4",
+ "3it3",
+ "1nsc",
+ "4alv",
+ "5ff1",
+ "2jj3",
+ "4ja9",
+ "7csp",
+ "3kga",
+ "2zq0",
+ "1fr9",
+ "3lp1",
+ "1tjl",
+ "4qki",
+ "6aj5",
+ "7ku1",
+ "2xg9",
+ "1pxj",
+ "1tbb",
+ "1hiq",
+ "2mbd",
+ "6axu",
+ "1ogp",
+ "3ff7",
+ "3h3x",
+ "1m8c",
+ "5tp6",
+ "6w8s",
+ "5xd3",
+ "2muc",
+ "4glw",
+ "5gjt",
+ "3tvu",
+ "4rcf",
+ "6yno",
+ "2l28",
+ "3apq",
+ "7aun",
+ "3frj",
+ "3cwg",
+ "5x1a",
+ "2b1j",
+ "7kxi",
+ "1tje",
+ "1ckn",
+ "3p8g",
+ "3sya",
+ "2l5n",
+ "3a8n",
+ "7ppi",
+ "6hde",
+ "2mwj",
+ "2y2y",
+ "3d6r",
+ "3bxn",
+ "7la0",
+ "7zy0",
+ "6gvl",
+ "2n3h",
+ "2ls6",
+ "4ahh",
+ "1o3a",
+ "5rgg",
+ "4yga",
+ "4itb",
+ "4kqi",
+ "7msp",
+ "6agm",
+ "5dsg",
+ "6z9l",
+ "6vko",
+ "5ucs",
+ "2ux1",
+ "3ca4",
+ "2r4b",
+ "2zsn",
+ "3o5e",
+ "2rkz",
+ "5pur",
+ "6b8r",
+ "2bfl",
+ "1b6q",
+ "2o73",
+ "3kpq",
+ "2pve",
+ "2xtt",
+ "5v67",
+ "7kph",
+ "5zo7",
+ "4hoz",
+ "6jp9",
+ "5k3j",
+ "6nle",
+ "6zkt",
+ "3hjx",
+ "5cr0",
+ "6cdy",
+ "1i8z",
+ "4fbo",
+ "3e25",
+ "5pha",
+ "5pz5",
+ "5b3w",
+ "3sne",
+ "2tsy",
+ "4j44",
+ "4qxc",
+ "4k63",
+ "7cnc",
+ "7bgy",
+ "8gs8",
+ "6d9m",
+ "1rwj",
+ "3fiu",
+ "5oem",
+ "2e5u",
+ "1imb",
+ "5a39",
+ "7js5",
+ "1n3s",
+ "2mlo",
+ "2x86",
+ "7tow",
+ "3vqi",
+ "6h4j",
+ "7d9v",
+ "2wvn",
+ "5j6l",
+ "8d29",
+ "2q8d",
+ "1v8u",
+ "3n1a",
+ "4x6d",
+ "6the",
+ "4uoq",
+ "3zxh",
+ "1okx",
+ "6epc",
+ "1jhx",
+ "6mfv",
+ "5ab0",
+ "3lgp",
+ "7try",
+ "6orn",
+ "1tpv",
+ "1lar",
+ "7be7",
+ "2v7f",
+ "5x8m",
+ "6i6y",
+ "7cl6",
+ "6qin",
+ "7li6",
+ "4qnr",
+ "6byl",
+ "1auc",
+ "1uec",
+ "1jtd",
+ "2nc9",
+ "1b90",
+ "3pbv",
+ "1iw7",
+ "2yxu",
+ "3eec",
+ "2xtu",
+ "2rmp",
+ "4uxq",
+ "2dr7",
+ "6w3g",
+ "6uif",
+ "4eia",
+ "5gny",
+ "7tk2",
+ "6kqu",
+ "7kwt",
+ "6cf0",
+ "4bh9",
+ "6pif",
+ "1bp6",
+ "1xli",
+ "8dgy",
+ "5ypn",
+ "2srt",
+ "4zrw",
+ "7bac",
+ "7bt2",
+ "7bb2",
+ "2ch5",
+ "4lbn",
+ "7qng",
+ "1udt",
+ "3se4",
+ "7f9d",
+ "2jph",
+ "5n67",
+ "2k5s",
+ "2q66",
+ "3g6y",
+ "6g1s",
+ "4fjq",
+ "6zss",
+ "5vfg",
+ "7zmj",
+ "5y0h",
+ "1j14",
+ "6bsp",
+ "7s6y",
+ "8dre",
+ "1c8g",
+ "2xni",
+ "2c67",
+ "7aze",
+ "5oc8",
+ "1yu2",
+ "2gdc",
+ "5tq1",
+ "2yx4",
+ "1l6u",
+ "2jjg",
+ "6qz5",
+ "6a1w",
+ "5h8j",
+ "2jxc",
+ "6t2d",
+ "1nez",
+ "6nf0",
+ "1omz",
+ "5fvu",
+ "3aa9",
+ "1wsz",
+ "2o6s",
+ "3aab",
+ "1xla",
+ "5l9l",
+ "4lxz",
+ "3t7c",
+ "4uj0",
+ "4mzm",
+ "2nnf",
+ "5sp0",
+ "7zch",
+ "4doo",
+ "1ygt",
+ "3hhg",
+ "2z5p",
+ "5o9g",
+ "1uoz",
+ "4rsd",
+ "6ziz",
+ "1k2b",
+ "6rtb",
+ "4f64",
+ "5hvp",
+ "4pc2",
+ "1uqv",
+ "1mf8",
+ "6ekx",
+ "8a8n",
+ "1t3e",
+ "5uvq",
+ "6vk2",
+ "7dku",
+ "4but",
+ "6r7e",
+ "8d54",
+ "1if8",
+ "3crt",
+ "5qe9",
+ "6he3",
+ "1n0q",
+ "7v8y",
+ "4tsp",
+ "6l6h",
+ "4hs3",
+ "6ibu",
+ "4xb2",
+ "6aum",
+ "5pu5",
+ "2zrs",
+ "2de3",
+ "5va0",
+ "5d6j",
+ "4etj",
+ "5b0e",
+ "2p4w",
+ "6dbz",
+ "6mi6",
+ "2l9u",
+ "6kmc",
+ "6sma",
+ "5fh4",
+ "1ijq",
+ "3c4h",
+ "8doi",
+ "6smq",
+ "6qr8",
+ "5wha",
+ "6j64",
+ "1ido",
+ "5ce4",
+ "2zk3",
+ "2r9y",
+ "5x7n",
+ "6r1i",
+ "7loq",
+ "5am8",
+ "3vqs",
+ "3zn4",
+ "6ks2",
+ "5svc",
+ "5yzh",
+ "2xqz",
+ "5y3o",
+ "3lqm",
+ "8dax",
+ "5mcs",
+ "7yxh",
+ "4zyn",
+ "1gro",
+ "5x1m",
+ "2gbr",
+ "2prs",
+ "4wfd",
+ "3c0g",
+ "5akg",
+ "4da7",
+ "4eu5",
+ "4lde",
+ "4n8x",
+ "1byf",
+ "3mjt",
+ "6qpx",
+ "1wit",
+ "4j2x",
+ "7sv4",
+ "2nt7",
+ "6yod",
+ "5bzu",
+ "2luy",
+ "1l89",
+ "3jyq",
+ "1egf",
+ "3om6",
+ "1pq0",
+ "5faq",
+ "5d4k",
+ "5acl",
+ "1ogl",
+ "3ria",
+ "4a85",
+ "6qnl",
+ "4rlp",
+ "4k5s",
+ "5m54",
+ "3tuv",
+ "1e1g",
+ "7mo9",
+ "6ujq",
+ "5nue",
+ "1yik",
+ "4rj8",
+ "4doh",
+ "5zfq",
+ "4daa",
+ "7bbc",
+ "6ndl",
+ "5rg4",
+ "3qsq",
+ "7nyb",
+ "5l1h",
+ "5eha",
+ "4f7v",
+ "1m27",
+ "7y4o",
+ "1etw",
+ "7ep4",
+ "5oa0",
+ "3nil",
+ "5cyn",
+ "4kkt",
+ "6c9n",
+ "4etx",
+ "1cp2",
+ "4epk",
+ "6zff",
+ "4w54",
+ "1ivy",
+ "6h33",
+ "3r69",
+ "4bo1",
+ "6z04",
+ "5u6o",
+ "2iwo",
+ "2n2q",
+ "3m01",
+ "5v1b",
+ "4xgz",
+ "2osq",
+ "4qh0",
+ "1qw0",
+ "6uzx",
+ "6rxj",
+ "6x7u",
+ "7jr6",
+ "8a3n",
+ "4rfs",
+ "4q7s",
+ "6igj",
+ "5dmu",
+ "2gpu",
+ "4c7n",
+ "7uv3",
+ "5y7i",
+ "5i0v",
+ "1nya",
+ "6tok",
+ "2f8y",
+ "1s0x",
+ "2ce7",
+ "4w4r",
+ "5xs5",
+ "5g6s",
+ "7bps",
+ "5c3d",
+ "7n08",
+ "2wfa",
+ "4ui8",
+ "7zc3",
+ "2mlw",
+ "1o4o",
+ "3fqh",
+ "3raa",
+ "3l0c",
+ "6kjp",
+ "3qye",
+ "7lpc",
+ "5kum",
+ "1o7g",
+ "4qb8",
+ "4m32",
+ "5wlz",
+ "4aoa",
+ "5b7p",
+ "2g3h",
+ "4n81",
+ "6jim",
+ "3g1z",
+ "6eza",
+ "6j5t",
+ "4owc",
+ "3piw",
+ "5ckw",
+ "4z5t",
+ "7csc",
+ "4u43",
+ "6yzt",
+ "5ohu",
+ "3b34",
+ "6gij",
+ "5u1z",
+ "7x5g",
+ "8dki",
+ "1lvz",
+ "4pli",
+ "6ruh",
+ "8emc",
+ "6ya3",
+ "7lvi",
+ "1in8",
+ "5dwk",
+ "4fhv",
+ "4mgu",
+ "1iud",
+ "3jpz",
+ "4b54",
+ "2zlv",
+ "7br3",
+ "7opi",
+ "7o73",
+ "2ff3",
+ "6gvy",
+ "5b7v",
+ "6gpw",
+ "6cpa",
+ "6nmu",
+ "4qzv",
+ "5lfj",
+ "3vey",
+ "4azp",
+ "6ts5",
+ "5mw9",
+ "5ty7",
+ "3zk9",
+ "7hbi",
+ "6lsg",
+ "7bch",
+ "4at1",
+ "2b0z",
+ "7c00",
+ "1hgv",
+ "2wqm",
+ "5zau",
+ "5xzd",
+ "3ind",
+ "2hys",
+ "9rub",
+ "6g63",
+ "4q7y",
+ "6mnx",
+ "3wvz",
+ "6m5d",
+ "6lus",
+ "4gyz",
+ "4f5a",
+ "7l37",
+ "4cox",
+ "4ri6",
+ "5ncm",
+ "6fsy",
+ "4fwj",
+ "1kog",
+ "1gjz",
+ "4s0p",
+ "3iyd",
+ "6iru",
+ "2my2",
+ "1wt6",
+ "3n9n",
+ "5aeu",
+ "6zjv",
+ "5xft",
+ "6dk4",
+ "1xf7",
+ "3pr9",
+ "3fhq",
+ "3m8m",
+ "7ei4",
+ "4qai",
+ "7mw0",
+ "2zog",
+ "6gy7",
+ "5o08",
+ "5pl0",
+ "2oua",
+ "3sh5",
+ "3cqp",
+ "5fzw",
+ "1sl8",
+ "1x08",
+ "1jdt",
+ "5u1f",
+ "4dne",
+ "7lt6",
+ "3apf",
+ "2g11",
+ "5px3",
+ "6cmk",
+ "7rgo",
+ "5tq8",
+ "5jr8",
+ "4qw9",
+ "5ar5",
+ "1rz6",
+ "6qha",
+ "2v1x",
+ "5pgv",
+ "1lu0",
+ "1blc",
+ "1d5s",
+ "4kcj",
+ "6zxa",
+ "4uvm",
+ "7q94",
+ "169l",
+ "2iwn",
+ "6f97",
+ "3dm1",
+ "3p9t",
+ "4hyw",
+ "6sei",
+ "3wfu",
+ "6x22",
+ "3nnl",
+ "8h1b",
+ "4nse",
+ "4ek7",
+ "2ycy",
+ "6s7q",
+ "4ah9",
+ "1e6r",
+ "6nl1",
+ "4kov",
+ "4b0g",
+ "3pu1",
+ "7o4m",
+ "5cus",
+ "5ck3",
+ "7a16",
+ "5uyy",
+ "1k4m",
+ "2xde",
+ "6t2k",
+ "3ug5",
+ "7p8r",
+ "3vay",
+ "4ubf",
+ "6k1k",
+ "2xuj",
+ "5inl",
+ "1lrn",
+ "6iup",
+ "4a9j",
+ "7kpx",
+ "3eq8",
+ "7e8t",
+ "2k0g",
+ "7p6j",
+ "3esj",
+ "1qq2",
+ "1b8w",
+ "7w7e",
+ "3tcp",
+ "5ovw",
+ "7cy1",
+ "1co8",
+ "2fxm",
+ "5u6i",
+ "6zky",
+ "4idl",
+ "3ww6",
+ "1lq7",
+ "7odx",
+ "1x9e",
+ "3kek",
+ "2fcv",
+ "4g2u",
+ "2p34",
+ "5tqm",
+ "4mu7",
+ "1o7p",
+ "4afs",
+ "6zzg",
+ "5pd0",
+ "4mrx",
+ "4xuc",
+ "2p9r",
+ "2je9",
+ "6twu",
+ "4yl8",
+ "6t0i",
+ "6pyl",
+ "2k9c",
+ "6i0i",
+ "2je5",
+ "6ob5",
+ "1y5c",
+ "5nq3",
+ "3i01",
+ "4p6w",
+ "6dqr",
+ "4a9n",
+ "5kkh",
+ "6tat",
+ "2lyq",
+ "4cyn",
+ "4wvl",
+ "6rh4",
+ "4xci",
+ "6ocx",
+ "2cab",
+ "5yri",
+ "4nkg",
+ "4agw",
+ "3bw8",
+ "3bet",
+ "1yzm",
+ "1re4",
+ "6usb",
+ "4zax",
+ "1zly",
+ "1dpj",
+ "1iy8",
+ "5uv6",
+ "1di1",
+ "3kqh",
+ "5lkc",
+ "7qzh",
+ "3nbq",
+ "7kpj",
+ "7epg",
+ "7tzd",
+ "2ca9",
+ "1qa2",
+ "6c2x",
+ "3gqf",
+ "7wwn",
+ "5u2o",
+ "6j5c",
+ "4gsy",
+ "4lvd",
+ "5qfp",
+ "7u9j",
+ "7e96",
+ "3v7s",
+ "6hoe",
+ "4lj1",
+ "4wzg",
+ "6rhn",
+ "2rdw",
+ "5wka",
+ "5dkg",
+ "7jrc",
+ "4g1m",
+ "7rwm",
+ "4qhn",
+ "5ogu",
+ "4lol",
+ "4ba0",
+ "5d6x",
+ "7om0",
+ "5olk",
+ "7qx8",
+ "2w87",
+ "2gn9",
+ "6f4n",
+ "7kgx",
+ "4r4l",
+ "1e2d",
+ "1uk8",
+ "4ix5",
+ "3qo6",
+ "1ab1",
+ "3g0y",
+ "5ab6",
+ "1a9v",
+ "5wox",
+ "3tiw",
+ "4i84",
+ "4gck",
+ "1qhh",
+ "4h5q",
+ "7kfq",
+ "4cno",
+ "7ein",
+ "4aq4",
+ "7rc0",
+ "1m1e",
+ "5mt8",
+ "4ksk",
+ "4w2p",
+ "3p26",
+ "1h2k",
+ "2cxs",
+ "2k0r",
+ "6fs1",
+ "4ilf",
+ "4n7p",
+ "2gn5",
+ "6nln",
+ "5mex",
+ "1nzj",
+ "2qbm",
+ "2ncs",
+ "4mov",
+ "4e04",
+ "7y4k",
+ "7avx",
+ "2bp4",
+ "4ima",
+ "1d1c",
+ "1f1u",
+ "2hra",
+ "2mtz",
+ "2w29",
+ "3b9u",
+ "4tkr",
+ "1mzw",
+ "1nfu",
+ "3aq6",
+ "4jlr",
+ "4drs",
+ "5fso",
+ "5eic",
+ "7b4w",
+ "2hs8",
+ "6hxo",
+ "8f7w",
+ "3be7",
+ "7w8k",
+ "5lip",
+ "4cpq",
+ "2err",
+ "4dsr",
+ "2ri7",
+ "2rhe",
+ "6ixl",
+ "3waw",
+ "4hgn",
+ "2riy",
+ "3vzb",
+ "5hmp",
+ "6ou9",
+ "1qjm",
+ "6kcv",
+ "4lqf",
+ "2b98",
+ "5y8k",
+ "5jd2",
+ "4x5g",
+ "1gpp",
+ "6o15",
+ "7eep",
+ "6i92",
+ "1ulz",
+ "6g4f",
+ "5ecg",
+ "7ps4",
+ "6vqt",
+ "6dht",
+ "4yh4",
+ "7kys",
+ "5ufo",
+ "6tto",
+ "3e32",
+ "1hv4",
+ "7aav",
+ "1tu6",
+ "2nqv",
+ "4b49",
+ "7fon",
+ "4wor",
+ "6a3j",
+ "7brm",
+ "5k6u",
+ "8dbn",
+ "2pw7",
+ "4ecb",
+ "6w5i",
+ "5t3m",
+ "3g6n",
+ "2e4g",
+ "2kss",
+ "3biq",
+ "4lb3",
+ "4m34",
+ "4igr",
+ "1skz",
+ "1cm7",
+ "7w0m",
+ "5a36",
+ "7rcx",
+ "6i5g",
+ "5ljk",
+ "1ndt",
+ "4unc",
+ "6i4h",
+ "6bnq",
+ "3jzu",
+ "4e8f",
+ "5hhq",
+ "6bbx",
+ "4jxb",
+ "7arm",
+ "6u61",
+ "4y0l",
+ "4abq",
+ "7b2f",
+ "5ctt",
+ "1p1n",
+ "4z8d",
+ "7rx5",
+ "1nuw",
+ "4fmh",
+ "6w4y",
+ "3o6i",
+ "3qh6",
+ "7ok4",
+ "3fv3",
+ "3etx",
+ "1iep",
+ "7po9",
+ "1uye",
+ "5kga",
+ "3qi3",
+ "4r3q",
+ "1ke3",
+ "4z35",
+ "6qjp",
+ "4cer",
+ "4re8",
+ "2xiq",
+ "6i39",
+ "3fvm",
+ "7x42",
+ "5e3m",
+ "6f8g",
+ "1ey8",
+ "1v3x",
+ "6vea",
+ "7z99",
+ "2vf7",
+ "4a45",
+ "5rda",
+ "3f0g",
+ "3rnu",
+ "1chl",
+ "2e7l",
+ "5vsb",
+ "4jj5",
+ "1nln",
+ "7ofv",
+ "5pjb",
+ "5cvf",
+ "4l2i",
+ "6kex",
+ "1f2v",
+ "1wc3",
+ "6ikj",
+ "4gaf",
+ "5n2w",
+ "4jgu",
+ "1kvc",
+ "5cz3",
+ "6bmx",
+ "3crl",
+ "6brp",
+ "7f56",
+ "3nlt",
+ "5oh9",
+ "7tcu",
+ "4k4r",
+ "5zri",
+ "6as7",
+ "2io0",
+ "7liz",
+ "7dv3",
+ "6six",
+ "2d3u",
+ "1sqx",
+ "5fm1",
+ "2n68",
+ "5d2d",
+ "2fx2",
+ "3qa9",
+ "3rhz",
+ "6xb5",
+ "3ekt",
+ "6pu4",
+ "1b4x",
+ "7wh1",
+ "6nt0",
+ "6c98",
+ "3knx",
+ "1bln",
+ "6w7v",
+ "5lwg",
+ "6e7f",
+ "2gqa",
+ "4dh2",
+ "1y0s",
+ "2gln",
+ "4o6w",
+ "1fps",
+ "2omy",
+ "4cjw",
+ "7vod",
+ "6k8s",
+ "8hkg",
+ "6gut",
+ "2gm9",
+ "5mms",
+ "7lj0",
+ "4paa",
+ "6n1o",
+ "3pel",
+ "7t8y",
+ "4axg",
+ "2yln",
+ "2w7e",
+ "1wof",
+ "2bir",
+ "2r5t",
+ "6z6i",
+ "2jbt",
+ "5yya",
+ "7yq1",
+ "2n35",
+ "5he7",
+ "7pls",
+ "6gx7",
+ "3rt2",
+ "4ykf",
+ "3ovj",
+ "3ipq",
+ "6u33",
+ "2j88",
+ "7ofe",
+ "5a02",
+ "4xib",
+ "6m3b",
+ "5mqv",
+ "8d6v",
+ "1lbk",
+ "4q45",
+ "1zuf",
+ "5e9d",
+ "5zg4",
+ "4qcb",
+ "7s6n",
+ "6gh9",
+ "7l1w",
+ "5r96",
+ "1y4k",
+ "4pza",
+ "1zoh",
+ "3fba",
+ "4mev",
+ "5n9w",
+ "2xcc",
+ "3cm9",
+ "6npa",
+ "1ons",
+ "1t4k",
+ "3qnz",
+ "2z82",
+ "2ycf",
+ "4lvk",
+ "1rf6",
+ "2y3w",
+ "1idt",
+ "4e40",
+ "4qyd",
+ "4rf7",
+ "2xul",
+ "1k41",
+ "8es5",
+ "2vnf",
+ "3uy5",
+ "7qy1",
+ "2izb",
+ "2pun",
+ "1a6l",
+ "1bec",
+ "1brs",
+ "6kki",
+ "1nxw",
+ "7uzn",
+ "1ylw",
+ "3krb",
+ "6gqa",
+ "2qg2",
+ "4nq2",
+ "7rss",
+ "4l9m",
+ "4inw",
+ "6zab",
+ "4ixr",
+ "1aqp",
+ "1ssb",
+ "1jyc",
+ "6wcw",
+ "1n9a",
+ "2oqj",
+ "1oc1",
+ "5tjs",
+ "5czf",
+ "3wgn",
+ "5uwr",
+ "2ntt",
+ "2gjk",
+ "7ab6",
+ "2wzs",
+ "4olt",
+ "1ynt",
+ "2rfe",
+ "1w8h",
+ "1tpm",
+ "1de4",
+ "7rlv",
+ "7tbp",
+ "3g7e",
+ "2ezp",
+ "2yey",
+ "6bsz",
+ "2lp1",
+ "6kaj",
+ "4g0a",
+ "4dcd",
+ "1qqy",
+ "7kjj",
+ "1mun",
+ "1iik",
+ "5tzh",
+ "5p04",
+ "3vi8",
+ "6s9l",
+ "6tq7",
+ "2n5n",
+ "4ott",
+ "5wyd",
+ "3ryi",
+ "5zb8",
+ "1lcz",
+ "2hrf",
+ "5pct",
+ "4pri",
+ "5v5o",
+ "3cei",
+ "5kr1",
+ "1slx",
+ "7ofd",
+ "3p4y",
+ "2wxw",
+ "5bsi",
+ "1uuy",
+ "1vry",
+ "5o7r",
+ "2h8n",
+ "6qor",
+ "4gi9",
+ "4eo1",
+ "5inj",
+ "6bij",
+ "7r9c",
+ "5eg8",
+ "2c74",
+ "7n0i",
+ "1w9h",
+ "7tkf",
+ "5opm",
+ "6hf1",
+ "6u0x",
+ "6j05",
+ "3nyk",
+ "2b12",
+ "6ckc",
+ "4ar8",
+ "1adu",
+ "6aj2",
+ "1ec1",
+ "7x0b",
+ "6x9m",
+ "6nbl",
+ "6ta9",
+ "4ts9",
+ "4yza",
+ "2jkb",
+ "1aky",
+ "1zvg",
+ "5ias",
+ "6kcn",
+ "3m9v",
+ "3byp",
+ "2fmx",
+ "2mjn",
+ "3odd",
+ "6lgp",
+ "4grz",
+ "2ibp",
+ "4hhz",
+ "2l5y",
+ "6kqw",
+ "6xi2",
+ "2zyd",
+ "4ggv",
+ "6oqy",
+ "5eov",
+ "7mbh",
+ "1lr8",
+ "6oo2",
+ "2wf1",
+ "5xrp",
+ "7x4e",
+ "2bwo",
+ "5jru",
+ "5pn0",
+ "1zbj",
+ "7z7v",
+ "7b2y",
+ "3omi",
+ "2gsg",
+ "7l2i",
+ "6zkg",
+ "7e6m",
+ "4c11",
+ "4jk9",
+ "5t0n",
+ "3noy",
+ "4fgq",
+ "7a9e",
+ "2grk",
+ "3ps7",
+ "3o02",
+ "2ljl",
+ "2wdv",
+ "7k7f",
+ "5ypf",
+ "6bnz",
+ "1l0z",
+ "5j39",
+ "1o8h",
+ "2cp4",
+ "3fk6",
+ "1idc",
+ "1u2w",
+ "3ua7",
+ "3ouy",
+ "4etd",
+ "5szn",
+ "6w10",
+ "6t3j",
+ "6acs",
+ "1kc4",
+ "6rgu",
+ "7tax",
+ "2qiu",
+ "4awa",
+ "3k03",
+ "7pco",
+ "1inx",
+ "5v9u",
+ "6yn0",
+ "1yny",
+ "1dl0",
+ "7ps9",
+ "7jh1",
+ "1o1v",
+ "1ph0",
+ "2can",
+ "4qlg",
+ "2z3g",
+ "4ngb",
+ "5nl8",
+ "7ene",
+ "4zv5",
+ "6q3s",
+ "4po8",
+ "1j78",
+ "5ojp",
+ "4gj2",
+ "3vlu",
+ "3lb3",
+ "3u0c",
+ "7lr0",
+ "5cbm",
+ "3n8d",
+ "1jyi",
+ "4tsd",
+ "5a6d",
+ "5y6k",
+ "4avo",
+ "5qd6",
+ "5c83",
+ "6kek",
+ "6qw1",
+ "4mbz",
+ "5jd7",
+ "6e22",
+ "4bl4",
+ "7v0j",
+ "7kuf",
+ "4x5m",
+ "5o7n",
+ "5gn1",
+ "7dc4",
+ "4lva",
+ "4eu8",
+ "5fxn",
+ "4tnh",
+ "4hxl",
+ "3dzy",
+ "6ahw",
+ "6f6e",
+ "3f37",
+ "4b6u",
+ "3a5b",
+ "5n56",
+ "3nx7",
+ "4r5g",
+ "3q3f",
+ "3m6q",
+ "5o1r",
+ "5f42",
+ "6ah4",
+ "4r9s",
+ "1oxa",
+ "4h0m",
+ "4v2n",
+ "2rbs",
+ "7lo1",
+ "7aqq",
+ "6dml",
+ "7ljb",
+ "3t9o",
+ "5wj7",
+ "3qpw",
+ "1ems",
+ "7rmt",
+ "1jpj",
+ "1uy2",
+ "7u1y",
+ "6drx",
+ "1h6k",
+ "4ytm",
+ "3ujg",
+ "2jum",
+ "7ce4",
+ "5mjm",
+ "7bvi",
+ "5qkv",
+ "5vcy",
+ "2wdo",
+ "3nnv",
+ "4ccg",
+ "3jd0",
+ "2wln",
+ "6y1y",
+ "4q4f",
+ "4rf1",
+ "8a6d",
+ "7u9a",
+ "4kh3",
+ "5wpv",
+ "6hrv",
+ "5fdo",
+ "6s1u",
+ "6p0s",
+ "1vbh",
+ "1s9d",
+ "7vda",
+ "5b6o",
+ "6jeq",
+ "4ba8",
+ "5x7v",
+ "3hzk",
+ "1cd2",
+ "4jxt",
+ "1uyt",
+ "2o2w",
+ "4x3o",
+ "3hmt",
+ "6g9e",
+ "6ui0",
+ "4wrs",
+ "2ucz",
+ "2g8u",
+ "2m3c",
+ "3dsw",
+ "2xs4",
+ "6wkk",
+ "4ttz",
+ "2m8i",
+ "7pcq",
+ "4e12",
+ "5dnu",
+ "1gke",
+ "6u9e",
+ "1zht",
+ "7ol4",
+ "7fbc",
+ "4a5b",
+ "5z95",
+ "2woz",
+ "4uq3",
+ "7f1i",
+ "1fe6",
+ "2xqw",
+ "4fzh",
+ "1ep7",
+ "5u3q",
+ "5tx9",
+ "2a3h",
+ "4knc",
+ "1p6l",
+ "6owt",
+ "4mxx",
+ "1npc",
+ "5xm3",
+ "3vss",
+ "1w2g",
+ "2ead",
+ "6tdf",
+ "4ytw",
+ "4wmg",
+ "1n6c",
+ "3ik0",
+ "5a01",
+ "6xmi",
+ "5x22",
+ "1i4u",
+ "5ze9",
+ "7ciz",
+ "4fxr",
+ "4qdq",
+ "1lhk",
+ "3q5e",
+ "3uyq",
+ "1szk",
+ "7lcy",
+ "5lay",
+ "4zet",
+ "2yls",
+ "1raz",
+ "4f14",
+ "1iaq",
+ "3b2i",
+ "6e17",
+ "4zqr",
+ "2ari",
+ "5wlq",
+ "8bzy",
+ "6lqd",
+ "1qwd",
+ "6iz1",
+ "5qtu",
+ "5ftc",
+ "1v1m",
+ "3zhg",
+ "6n4e",
+ "3hxf",
+ "4pn0",
+ "6e57",
+ "3s6x",
+ "3fip",
+ "4tm1",
+ "1ukr",
+ "6w3s",
+ "3tis",
+ "1fvx",
+ "6das",
+ "2a7p",
+ "6s3o",
+ "6ut2",
+ "7wek",
+ "6xka",
+ "5wkg",
+ "4xpy",
+ "4kjq",
+ "1rhb",
+ "4v3i",
+ "1m51",
+ "4hy4",
+ "6zjt",
+ "7pwc",
+ "5exq",
+ "7e97",
+ "3vtc",
+ "6v64",
+ "2mam",
+ "1mo9",
+ "2n1d",
+ "7ddy",
+ "6fqa",
+ "2g51",
+ "5g3j",
+ "2vsx",
+ "2hwr",
+ "5cqg",
+ "7vyl",
+ "5clp",
+ "6ps1",
+ "1on1",
+ "3kaf",
+ "2zmk",
+ "4flp",
+ "1xu5",
+ "5m8m",
+ "3c1d",
+ "6bgn",
+ "6vo6",
+ "3iex",
+ "4czj",
+ "2z4o",
+ "3bwy",
+ "1l8d",
+ "5hlw",
+ "2a7k",
+ "2rfh",
+ "7bue",
+ "4xkg",
+ "4e3i",
+ "3c0v",
+ "7dg5",
+ "2mwk",
+ "1kwd",
+ "5d9k",
+ "3h4t",
+ "5y4s",
+ "6oco",
+ "6ugx",
+ "5qf2",
+ "5ysh",
+ "3hax",
+ "7x0r",
+ "1c3n",
+ "5pov",
+ "6er6",
+ "3r8f",
+ "2l70",
+ "4nc5",
+ "5ult",
+ "7ocs",
+ "3ftg",
+ "3qbg",
+ "7oat",
+ "7xmv",
+ "6qvf",
+ "3r3z",
+ "5l61",
+ "5l3b",
+ "7m0l",
+ "6ama",
+ "8fa2",
+ "6kf3",
+ "5fw6",
+ "6m1b",
+ "5lof",
+ "2i0n",
+ "2a9a",
+ "4lad",
+ "7p47",
+ "5rfh",
+ "4o4x",
+ "2yjc",
+ "7rgf",
+ "5sad",
+ "8drl",
+ "4ge2",
+ "3d4v",
+ "6jhy",
+ "6r57",
+ "3fh4",
+ "6rkq",
+ "5n97",
+ "3u5p",
+ "4nrp",
+ "3g8t",
+ "4oi4",
+ "5lcx",
+ "7o6l",
+ "3ejy",
+ "5da0",
+ "6r52",
+ "2bpw",
+ "2kp8",
+ "6f8l",
+ "5k8p",
+ "1ujz",
+ "4gvd",
+ "8fm4",
+ "1z65",
+ "7jne",
+ "4hm9",
+ "6fho",
+ "3abi",
+ "1kxi",
+ "7flo",
+ "3awn",
+ "8fpe",
+ "5e37",
+ "4f5n",
+ "1iew",
+ "6woj",
+ "4uuw",
+ "6z7n",
+ "5h71",
+ "7bda",
+ "2e7i",
+ "3m09",
+ "6ckz",
+ "1lyp",
+ "4wlt",
+ "1flv",
+ "6yw6",
+ "2jx3",
+ "6bn7",
+ "2mgl",
+ "6vzt",
+ "6o1u",
+ "7boo",
+ "1dx1",
+ "3u4d",
+ "1sd6",
+ "3if5",
+ "4g54",
+ "2wey",
+ "1t9p",
+ "4pw9",
+ "6w2m",
+ "2gvs",
+ "6xl3",
+ "5nrf",
+ "5pz4",
+ "1uoy",
+ "1l3o",
+ "6p9s",
+ "1xhh",
+ "2utg",
+ "5sv2",
+ "7bae",
+ "1dts",
+ "5fnq",
+ "4ude",
+ "3j40",
+ "8doh",
+ "2wgz",
+ "6a3c",
+ "6hw0",
+ "4yaf",
+ "2xc5",
+ "5tu7",
+ "2l0j",
+ "4hgg",
+ "3nvn",
+ "5lf1",
+ "7xyu",
+ "2kgs",
+ "5n5t",
+ "2q9s",
+ "3ogc",
+ "6sbn",
+ "4f9z",
+ "4k3n",
+ "6x3c",
+ "4ebe",
+ "6yu2",
+ "3wh3",
+ "3nvf",
+ "1su5",
+ "7ktx",
+ "5h1k",
+ "1qki",
+ "5wwt",
+ "1o05",
+ "3jt1",
+ "2vq2",
+ "4rmv",
+ "1tmc",
+ "3cqx",
+ "3pl7",
+ "2y8y",
+ "5z3f",
+ "4u16",
+ "6b3x",
+ "5wlg",
+ "5w5d",
+ "2v75",
+ "7kt8",
+ "1vd5",
+ "5csd",
+ "3wsw",
+ "6uqt",
+ "5bv1",
+ "3gyw",
+ "7n7j",
+ "6prf",
+ "7fmt",
+ "1p7e",
+ "1yy4",
+ "3t58",
+ "6ofr",
+ "8ftu",
+ "7yz3",
+ "6ap8",
+ "8fm5",
+ "1sd5",
+ "6rmt",
+ "5eai",
+ "2vit",
+ "2i57",
+ "2fmf",
+ "2zl6",
+ "3e6y",
+ "2i5r",
+ "2c5g",
+ "7lek",
+ "4frd",
+ "4idt",
+ "6c31",
+ "5cdg",
+ "8dpk",
+ "7e78",
+ "5pdt",
+ "7ev5",
+ "2l92",
+ "1a95",
+ "1yov",
+ "1t0o",
+ "1a1s",
+ "5esk",
+ "6dry",
+ "4grl",
+ "1gln",
+ "3gr5",
+ "2xtc",
+ "7f3o",
+ "2yty",
+ "1gjh",
+ "8avo",
+ "2iru",
+ "7ek1",
+ "6tri",
+ "3zd2",
+ "6xvr",
+ "2xng",
+ "3war",
+ "1zpc",
+ "6f7a",
+ "5mrw",
+ "4rxs",
+ "5k5z",
+ "2gsd",
+ "5i71",
+ "1lro",
+ "3nj0",
+ "6x4t",
+ "7fau",
+ "1dc9",
+ "6cv4",
+ "7r4a",
+ "7dql",
+ "3dc9",
+ "4l0i",
+ "7uir",
+ "6rap",
+ "5lbw",
+ "8dua",
+ "2eus",
+ "2g1r",
+ "1ihb",
+ "6ch2",
+ "2ia5",
+ "5bwi",
+ "5pmc",
+ "5ncd",
+ "4lmo",
+ "4m1h",
+ "3slo",
+ "4j5m",
+ "2lqx",
+ "3a3p",
+ "5bxs",
+ "5i40",
+ "6omm",
+ "4q1e",
+ "1o1w",
+ "7qv7",
+ "3dl8",
+ "3fx5",
+ "1je5",
+ "3kjv",
+ "5xrs",
+ "3a5g",
+ "7nu9",
+ "4r1r",
+ "2n85",
+ "7b34",
+ "5jzs",
+ "3qrb",
+ "6gcy",
+ "1klr",
+ "1k2d",
+ "6hth",
+ "4h6x",
+ "3quo",
+ "1aqu",
+ "6a0p",
+ "1rld",
+ "5h55",
+ "3tm7",
+ "5r9n",
+ "2dyu",
+ "5mbc",
+ "3q28",
+ "1zsh",
+ "7o1m",
+ "6gip",
+ "4o7x",
+ "2vko",
+ "6qzk",
+ "7fjv",
+ "1z9i",
+ "5jty",
+ "6qs6",
+ "3h8h",
+ "1usy",
+ "7mrv",
+ "6mh1",
+ "3ose",
+ "5pmb",
+ "1nv7",
+ "1p5x",
+ "1q9j",
+ "7eg1",
+ "2wfs",
+ "4jbu",
+ "2dkn",
+ "7ooy",
+ "5bvj",
+ "8ag6",
+ "2e0l",
+ "1sh6",
+ "5c2w",
+ "7met",
+ "1mv4",
+ "6hn1",
+ "2z3h",
+ "1rkw",
+ "3cdg",
+ "1g9k",
+ "7l85",
+ "7n2n",
+ "2adj",
+ "6kjv",
+ "3vrk",
+ "7f11",
+ "7v3j",
+ "3x3m",
+ "6lhb",
+ "4lm2",
+ "2iwf",
+ "6d8e",
+ "4aom",
+ "6hqi",
+ "5kly",
+ "4cij",
+ "5o6s",
+ "2i5c",
+ "4a9t",
+ "2exl",
+ "4bne",
+ "1zyo",
+ "3wvc",
+ "5cni",
+ "2zgo",
+ "3v9x",
+ "5auq",
+ "6w8h",
+ "6hz8",
+ "6oim",
+ "5opu",
+ "1w83",
+ "4p8i",
+ "1jt7",
+ "2h6d",
+ "7q69",
+ "2io7",
+ "6s3n",
+ "6r7x",
+ "3r2m",
+ "2plh",
+ "7ndf",
+ "3fjz",
+ "4j7h",
+ "3jrp",
+ "1zc4",
+ "6rh0",
+ "4nqs",
+ "6anl",
+ "4o7c",
+ "6ahe",
+ "3bea",
+ "2fn8",
+ "1yd9",
+ "2bt8",
+ "1rpa",
+ "5tgo",
+ "2oga",
+ "7cgm",
+ "1jy0",
+ "1dyr",
+ "6sr5",
+ "3bbf",
+ "2rch",
+ "6u37",
+ "7f30",
+ "6ej3",
+ "5cyk",
+ "7zjc",
+ "7do6",
+ "5wea",
+ "7n81",
+ "5qoa",
+ "5znk",
+ "5pye",
+ "1k04",
+ "5hc3",
+ "5mzn",
+ "8ba5",
+ "7p9k",
+ "8dk7",
+ "3nit",
+ "1e1h",
+ "1k6i",
+ "4op7",
+ "4bza",
+ "6bn1",
+ "3ral",
+ "4r2m",
+ "3pfg",
+ "6cjf",
+ "2b9v",
+ "4p6e",
+ "4b7y",
+ "5e2k",
+ "1nr6",
+ "3onj",
+ "3hfa",
+ "8elf",
+ "6ya4",
+ "3dzk",
+ "5zhr",
+ "2kxq",
+ "6z7y",
+ "2j3o",
+ "1xif",
+ "1hwo",
+ "6hrg",
+ "3iln",
+ "7qgd",
+ "5vuw",
+ "5vwy",
+ "5gmc",
+ "1nzv",
+ "2e3q",
+ "2f3n",
+ "1itc",
+ "5ghk",
+ "1paz",
+ "6brd",
+ "1vns",
+ "4git",
+ "7s9l",
+ "7kod",
+ "5bs4",
+ "7sqv",
+ "7fl8",
+ "2pbw",
+ "5w68",
+ "4zwj",
+ "6wk6",
+ "3i0r",
+ "4k5g",
+ "3ah8",
+ "2z8m",
+ "4asw",
+ "3hi1",
+ "1iez",
+ "7a50",
+ "1axd",
+ "5uye",
+ "1tg8",
+ "1oik",
+ "4u7s",
+ "6cvs",
+ "1qnk",
+ "3znq",
+ "6spt",
+ "1zmz",
+ "5i3d",
+ "5ea1",
+ "1qn9",
+ "1sbj",
+ "3vfe",
+ "6mcw",
+ "1uxw",
+ "6eq8",
+ "6mbc",
+ "2x7b",
+ "6qo9",
+ "7mzi",
+ "5ybe",
+ "4yrn",
+ "2qrw",
+ "1x9t",
+ "1m9y",
+ "2ga9",
+ "7ce8",
+ "6qkc",
+ "4u3b",
+ "3omw",
+ "6qtk",
+ "1z3e",
+ "2xxi",
+ "3rz3",
+ "1h3z",
+ "7ofw",
+ "5yez",
+ "5yoy",
+ "3m8e",
+ "2vjk",
+ "5llp",
+ "3tg2",
+ "1kf6",
+ "7uwl",
+ "1gfu",
+ "1r1o",
+ "1qky",
+ "4aaw",
+ "3csu",
+ "4fqu",
+ "7sd5",
+ "1r2u",
+ "7s27",
+ "4m3o",
+ "5eva",
+ "7zkx",
+ "1r10",
+ "5bz2",
+ "2wb1",
+ "1fj2",
+ "5a2f",
+ "3ljo",
+ "5vm7",
+ "7xxa",
+ "7q6y",
+ "1wmb",
+ "1cku",
+ "5wrv",
+ "1sur",
+ "7nua",
+ "3g8c",
+ "2l27",
+ "2gsm",
+ "4qg2",
+ "1qun",
+ "4bjj",
+ "2j3j",
+ "5lil",
+ "4ngc",
+ "6z3u",
+ "2gu0",
+ "2pqw",
+ "4ems",
+ "5hid",
+ "5pw4",
+ "5o15",
+ "4k76",
+ "5ymx",
+ "5xq2",
+ "7vsa",
+ "6r2h",
+ "6tx6",
+ "5oko",
+ "3fk7",
+ "7bcm",
+ "3mkh",
+ "2rta",
+ "3nz0",
+ "4of6",
+ "4lct",
+ "6p7q",
+ "2ac1",
+ "4gu9",
+ "1wve",
+ "1o6w",
+ "5pvj",
+ "6hrs",
+ "6eo1",
+ "1lya",
+ "4xfn",
+ "1qhj",
+ "5o46",
+ "5uf5",
+ "4j0w",
+ "5e13",
+ "7qbg",
+ "1tit",
+ "7o1x",
+ "4xmb",
+ "3bim",
+ "2zbx",
+ "3rcb",
+ "5ypj",
+ "7ly3",
+ "3vh3",
+ "4ouh",
+ "2iul",
+ "4b0z",
+ "6b6x",
+ "6u6c",
+ "1m6h",
+ "5x2w",
+ "3pmb",
+ "5v47",
+ "2xpp",
+ "7d2k",
+ "2f9n",
+ "5tig",
+ "2gl9",
+ "6h1n",
+ "6qnb",
+ "1lxh",
+ "7wxw",
+ "6uzf",
+ "6tws",
+ "2o94",
+ "6n9h",
+ "7ulw",
+ "4ndl",
+ "6icy",
+ "2rr2",
+ "6dns",
+ "5t6n",
+ "4mni",
+ "5ott",
+ "4u7z",
+ "6qgw",
+ "2rnz",
+ "6k0s",
+ "5nt7",
+ "7e92",
+ "3a93",
+ "5nl0",
+ "4rax",
+ "5ldd",
+ "2vpw",
+ "5iwf",
+ "5sph",
+ "3q2i",
+ "6jz5",
+ "7uwz",
+ "6y5a",
+ "7aej",
+ "1jca",
+ "7a3q",
+ "1lue",
+ "7puj",
+ "3gdr",
+ "6r2s",
+ "5ef3",
+ "6sao",
+ "1hyt",
+ "6cok",
+ "6iop",
+ "2p1v",
+ "8aur",
+ "8ckx",
+ "6ee1",
+ "2bju",
+ "1uow",
+ "4lyr",
+ "2nun",
+ "8f4a",
+ "1xzp",
+ "6vc4",
+ "6t7v",
+ "5cqc",
+ "3zkj",
+ "1ll5",
+ "7cm6",
+ "2xfh",
+ "5dfm",
+ "1w2h",
+ "4y79",
+ "2zue",
+ "5mft",
+ "2i20",
+ "1ngs",
+ "1kge",
+ "1fv5",
+ "8cy4",
+ "6i4y",
+ "4b7f",
+ "4dre",
+ "5e4g",
+ "3zxr",
+ "1rkm",
+ "6kvh",
+ "7l7v",
+ "1aqx",
+ "2n2a",
+ "4ltr",
+ "4rwk",
+ "4i6f",
+ "6nqi",
+ "7ean",
+ "2hze",
+ "2vw2",
+ "7v5h",
+ "3q3o",
+ "8dbz",
+ "3voh",
+ "2rox",
+ "1b4a",
+ "1dzp",
+ "1pwu",
+ "7wdt",
+ "6ggf",
+ "4g2f",
+ "1apf",
+ "4njg",
+ "6c3y",
+ "2p7g",
+ "3bd0",
+ "6bgg",
+ "7b7z",
+ "6ryf",
+ "4h5s",
+ "1hls",
+ "6r4r",
+ "7c23",
+ "8dkw",
+ "6dnl",
+ "1l8y",
+ "3fux",
+ "3s7a",
+ "1fo6",
+ "2n2x",
+ "7kut",
+ "3mmk",
+ "6zqq",
+ "6g5v",
+ "7mo7",
+ "3lfv",
+ "1lzd",
+ "7zdm",
+ "6ocj",
+ "3gvt",
+ "7ywf",
+ "6hqp",
+ "7vn3",
+ "5vzv",
+ "2zv2",
+ "3q6e",
+ "3x1i",
+ "2iu2",
+ "5iqm",
+ "7e5o",
+ "3tzo",
+ "1q99",
+ "5ete",
+ "4a79",
+ "3eyw",
+ "4qpo",
+ "5o4a",
+ "7vzy",
+ "1e7p",
+ "3t2a",
+ "5kcu",
+ "4zjr",
+ "2o3z",
+ "5sty",
+ "1w8m",
+ "6f0k",
+ "7cli",
+ "7b3d",
+ "3gy8",
+ "6av5",
+ "6s2v",
+ "1e7h",
+ "2j12",
+ "6hdz",
+ "1p0w",
+ "7b4g",
+ "6rwk",
+ "2lm0",
+ "1isn",
+ "5qmh",
+ "6xyx",
+ "5op5",
+ "2gb2",
+ "5jlx",
+ "7xg5",
+ "5fbu",
+ "7wmv",
+ "1bzz",
+ "3n4p",
+ "2rq8",
+ "7n7i",
+ "6df9",
+ "3jq9",
+ "4a7q",
+ "6z2q",
+ "6gth",
+ "5t6s",
+ "1gja",
+ "5vba",
+ "3g3t",
+ "6ed3",
+ "4bth",
+ "7co5",
+ "3gml",
+ "7cuw",
+ "6xk9",
+ "6o74",
+ "5rbx",
+ "2mzv",
+ "6e2f",
+ "7eqi",
+ "4z6m",
+ "4enh",
+ "6iac",
+ "3i0j",
+ "2q8b",
+ "1rrz",
+ "6nf7",
+ "2ype",
+ "4dg1",
+ "5nj6",
+ "3haj",
+ "4qlf",
+ "3c3s",
+ "5tab",
+ "3pjq",
+ "2vfw",
+ "1c7n",
+ "3lxd",
+ "2xam",
+ "1tw1",
+ "2d21",
+ "7p3j",
+ "6ivy",
+ "3ffx",
+ "2ff1",
+ "1c9h",
+ "4qqt",
+ "4q8f",
+ "2n84",
+ "2b2w",
+ "2p2q",
+ "4cc1",
+ "7bvp",
+ "1jpp",
+ "5m7m",
+ "7b5y",
+ "4g2v",
+ "2wci",
+ "6o08",
+ "2fp1",
+ "7kt4",
+ "6ktj",
+ "3u80",
+ "4hgo",
+ "6xnk",
+ "1gxu",
+ "4uxb",
+ "3fig",
+ "2lzi",
+ "3wwg",
+ "6y9f",
+ "3vci",
+ "5w5q",
+ "3lea",
+ "1yi8",
+ "1a7b",
+ "2gh4",
+ "1o1u",
+ "5o2p",
+ "1h4n",
+ "6eot",
+ "1nmy",
+ "6usz",
+ "7p9o",
+ "1p1g",
+ "4rg6",
+ "1a53",
+ "1k8q",
+ "3ahd",
+ "3g0r",
+ "1dnv",
+ "6mn4",
+ "1h3y",
+ "5nm8",
+ "3plz",
+ "6hal",
+ "3sgz",
+ "7n8l",
+ "1gzt",
+ "3p3r",
+ "3ibl",
+ "3lhz",
+ "5d6q",
+ "4hzz",
+ "5ce0",
+ "1w2x",
+ "7ddb",
+ "2j6t",
+ "3rbi",
+ "5pc1",
+ "1jdj",
+ "2x6i",
+ "6bnj",
+ "1nv1",
+ "4enm",
+ "1g84",
+ "6rpy",
+ "4uix",
+ "6ddf",
+ "6wky",
+ "6zqu",
+ "3p14",
+ "2h9i",
+ "1h5v",
+ "5s5b",
+ "3ma2",
+ "6zta",
+ "4v3c",
+ "1oud",
+ "5n2v",
+ "3ltc",
+ "5cgx",
+ "3l3h",
+ "6lix",
+ "1tpn",
+ "7c9n",
+ "2clk",
+ "2fxo",
+ "7c82",
+ "1f9x",
+ "5exm",
+ "1c3q",
+ "6b5k",
+ "1e02",
+ "6skm",
+ "7wbb",
+ "6b0f",
+ "6ulm",
+ "2c2d",
+ "2hbz",
+ "5xqi",
+ "5p4n",
+ "5o35",
+ "6qbv",
+ "5d69",
+ "6agi",
+ "5ytc",
+ "2zid",
+ "6slv",
+ "1f60",
+ "6g1c",
+ "3zmi",
+ "7n89",
+ "4rm8",
+ "3vvo",
+ "2jxi",
+ "3c02",
+ "4hqb",
+ "4ke6",
+ "5p13",
+ "5y3e",
+ "3eyz",
+ "3uvp",
+ "2fta",
+ "4k40",
+ "5pxr",
+ "6pvz",
+ "2p03",
+ "2e2h",
+ "6ygd",
+ "1sry",
+ "5tyv",
+ "5mpw",
+ "2bk6",
+ "4aiu",
+ "5cb4",
+ "3tf5",
+ "2nb7",
+ "2x1k",
+ "6r18",
+ "6l3x",
+ "4jjs",
+ "2rug",
+ "2fcj",
+ "2b6n",
+ "2x6c",
+ "4fhd",
+ "2jcq",
+ "3u58",
+ "2fpr",
+ "2xk3",
+ "5h2n",
+ "1e3l",
+ "5fu3",
+ "5xj3",
+ "3cjr",
+ "4j8n",
+ "1kl5",
+ "5z7l",
+ "4lm0",
+ "7z1v",
+ "3wq5",
+ "3kuo",
+ "5mgr",
+ "4b7t",
+ "5mq8",
+ "3wi5",
+ "1bls",
+ "5h58",
+ "2bfm",
+ "3via",
+ "5e4y",
+ "6rle",
+ "6v2m",
+ "2vw9",
+ "4v0k",
+ "2hyp",
+ "6y6y",
+ "6chu",
+ "6of7",
+ "5f5w",
+ "1hzm",
+ "6c9w",
+ "8dw3",
+ "6pu8",
+ "6s8r",
+ "6fof",
+ "7ex3",
+ "6ig8",
+ "3gjt",
+ "5kwq",
+ "4xip",
+ "1hsz",
+ "1orb",
+ "3m3k",
+ "5wpz",
+ "3l59",
+ "3dvi",
+ "5wim",
+ "3c63",
+ "4dgl",
+ "1aos",
+ "5pia",
+ "4tnl",
+ "4pr0",
+ "4fby",
+ "1jnq",
+ "8abl",
+ "2lwl",
+ "1hyq",
+ "1ja7",
+ "4flg",
+ "7pos",
+ "7n1e",
+ "2r03",
+ "5ak5",
+ "1iz4",
+ "7q3a",
+ "7azd",
+ "5xkd",
+ "7ujw",
+ "1yel",
+ "7q72",
+ "1o7q",
+ "2yj2",
+ "3s8n",
+ "4f5v",
+ "3x0n",
+ "1ah8",
+ "1knm",
+ "6fyk",
+ "7dy8",
+ "966c",
+ "6yoh",
+ "5c9r",
+ "7duf",
+ "6b4c",
+ "5pyj",
+ "3ml2",
+ "1m0b",
+ "5km1",
+ "1na0",
+ "7apo",
+ "6gx3",
+ "4i6a",
+ "1mns",
+ "1s4h",
+ "7qg4",
+ "4g7a",
+ "7smv",
+ "3b6q",
+ "6vn7",
+ "6ubc",
+ "6tyi",
+ "3k1i",
+ "3c1x",
+ "7kgs",
+ "7ujm",
+ "4s18",
+ "5fjz",
+ "4m8h",
+ "4ofi",
+ "3vow",
+ "4m09",
+ "3zs7",
+ "3qci",
+ "4jqk",
+ "6cwb",
+ "5p23",
+ "4phd",
+ "2xig",
+ "8dtx",
+ "1t14",
+ "3e3s",
+ "5rsb",
+ "3a8z",
+ "3dc4",
+ "7a1e",
+ "6y59",
+ "6daw",
+ "2qxv",
+ "7cfq",
+ "3qut",
+ "1hhh",
+ "4jl9",
+ "5coi",
+ "7n6o",
+ "1hx6",
+ "3ajd",
+ "4kxb",
+ "6xrf",
+ "7fm5",
+ "1vqe",
+ "1sw6",
+ "6t8o",
+ "1h8l",
+ "5i4w",
+ "6va7",
+ "3p5c",
+ "2lcq",
+ "1bhs",
+ "7kdb",
+ "6xzi",
+ "6fkk",
+ "1v7l",
+ "5nwp",
+ "1ah2",
+ "6h2g",
+ "4n14",
+ "1brq",
+ "6s35",
+ "7a6v",
+ "5s3l",
+ "5lbr",
+ "1bdl",
+ "3zfu",
+ "6ozc",
+ "6hzg",
+ "1bvl",
+ "1dmq",
+ "3b6c",
+ "4qgy",
+ "7l1i",
+ "2h1l",
+ "3ogq",
+ "3oxo",
+ "6i45",
+ "4m95",
+ "4jiw",
+ "5z5m",
+ "6tog",
+ "2b2y",
+ "8hbh",
+ "1pvx",
+ "3bxf",
+ "6mju",
+ "6w4g",
+ "7pab",
+ "4dky",
+ "2kvx",
+ "6s2y",
+ "4coe",
+ "2g30",
+ "2gsn",
+ "1azc",
+ "2wib",
+ "4liv",
+ "2y61",
+ "5gs6",
+ "5o4e",
+ "4bin",
+ "7p43",
+ "2hiw",
+ "4i7i",
+ "6q20",
+ "6kcb",
+ "1h4d",
+ "3m6b",
+ "8db4",
+ "1mqt",
+ "6si0",
+ "6ksb",
+ "3ptx",
+ "7d20",
+ "6mhu",
+ "3zka",
+ "2bd8",
+ "7xz6",
+ "3rw6",
+ "5y3z",
+ "7jnn",
+ "6de9",
+ "6qo2",
+ "1gd3",
+ "3mio",
+ "7abt",
+ "4i10",
+ "5lmf",
+ "7w8t",
+ "2w6d",
+ "3ggh",
+ "2x0u",
+ "4rz3",
+ "6xot",
+ "7bj9",
+ "7e6p",
+ "4q11",
+ "2y7e",
+ "3l3d",
+ "7sc3",
+ "3udl",
+ "6ldc",
+ "1ot9",
+ "4ke0",
+ "3mk3",
+ "4asr",
+ "2c5y",
+ "6ee7",
+ "6zyq",
+ "4jle",
+ "1jd7",
+ "2c56",
+ "1pa0",
+ "2hb3",
+ "5c4c",
+ "2lwp",
+ "3c51",
+ "3r60",
+ "1m56",
+ "4jr3",
+ "4gi6",
+ "4h9i",
+ "5og1",
+ "3uu0",
+ "5m7s",
+ "1tbh",
+ "4n5m",
+ "5e6g",
+ "6jyr",
+ "4i8k",
+ "5fa2",
+ "6xnz",
+ "5mag",
+ "7qh2",
+ "4fye",
+ "2pu3",
+ "4pkw",
+ "2ybb",
+ "5gmv",
+ "4xm2",
+ "6mbv",
+ "5j4t",
+ "1s3l",
+ "4wq5",
+ "6jvk",
+ "2btt",
+ "3vw6",
+ "2yhv",
+ "4prs",
+ "6c2t",
+ "6mvm",
+ "6rfg",
+ "7k7z",
+ "6e4c",
+ "3lj5",
+ "5ix2",
+ "7krp",
+ "4ecw",
+ "2fnj",
+ "5hk5",
+ "4neu",
+ "2k2w",
+ "5z1g",
+ "3gl0",
+ "3e2n",
+ "6v23",
+ "8i02",
+ "7a59",
+ "7qk1",
+ "6oie",
+ "3etv",
+ "1r28",
+ "4gk8",
+ "1ai4",
+ "5xkm",
+ "6e9y",
+ "3m35",
+ "5xo2",
+ "5pqj",
+ "4u5r",
+ "2mmp",
+ "3edd",
+ "1g3t",
+ "4pde",
+ "1eao",
+ "5u8s",
+ "3pe1",
+ "4c8b",
+ "4gmq",
+ "1yi5",
+ "6m6q",
+ "7jdw",
+ "4s3k",
+ "4ld9",
+ "5j6c",
+ "4zk5",
+ "4px6",
+ "4fnw",
+ "1z1m",
+ "5bw0",
+ "5f6z",
+ "2zua",
+ "6imk",
+ "2fzj",
+ "6k9y",
+ "3dy7",
+ "2gdy",
+ "5rfi",
+ "1wn0",
+ "7tdd",
+ "1i2f",
+ "2y96",
+ "6wvc",
+ "2qzf",
+ "3afp",
+ "2e98",
+ "4hai",
+ "4u9u",
+ "7s4b",
+ "4zq0",
+ "7v16",
+ "4ado",
+ "7trb",
+ "721p",
+ "1f9b",
+ "7q6r",
+ "2wla",
+ "4j6y",
+ "7dhw",
+ "3qbn",
+ "2bex",
+ "7apr",
+ "5vbs",
+ "7wzu",
+ "4n6u",
+ "4aoo",
+ "5ecc",
+ "1zqu",
+ "2zvu",
+ "7ze1",
+ "1bx2",
+ "2ylh",
+ "1fdz",
+ "4s20",
+ "5xsg",
+ "5mbj",
+ "4ifx",
+ "5vsf",
+ "5cnc",
+ "3llp",
+ "5rmb",
+ "3g9o",
+ "1nh7",
+ "2nw2",
+ "5ygf",
+ "1ax1",
+ "2lqt",
+ "6uhy",
+ "1zw5",
+ "2g7b",
+ "2ewy",
+ "6wxh",
+ "1wmi",
+ "7om4",
+ "3vb6",
+ "3fjo",
+ "6ahl",
+ "7dfu",
+ "7z2s",
+ "4bj8",
+ "1otr",
+ "7v6q",
+ "4i8g",
+ "5ppt",
+ "6ewx",
+ "2y6p",
+ "6e2p",
+ "6axi",
+ "5l0v",
+ "1lzw",
+ "3hfk",
+ "2nzh",
+ "3kuk",
+ "6yb8",
+ "3dc3",
+ "1r19",
+ "7wsf",
+ "4wk2",
+ "2lzp",
+ "7ed5",
+ "1dyi",
+ "2xcv",
+ "4ohl",
+ "6fih",
+ "8f03",
+ "2wvs",
+ "6m25",
+ "3r36",
+ "3v6t",
+ "1pwp",
+ "4gjq",
+ "4lcw",
+ "8fbo",
+ "2wez",
+ "3kod",
+ "7wjs",
+ "1rtc",
+ "5c0g",
+ "5pmo",
+ "5lc5",
+ "4eql",
+ "6hhj",
+ "7n6a",
+ "4yru",
+ "6cru",
+ "3q5s",
+ "3wzk",
+ "3au8",
+ "5dr2",
+ "2ks9",
+ "4ws0",
+ "4uzi",
+ "2v5y",
+ "1sf2",
+ "2j3p",
+ "2k35",
+ "5cm3",
+ "5msy",
+ "1q35",
+ "4zw5",
+ "6fix",
+ "7vjk",
+ "5g5c",
+ "5req",
+ "5uqm",
+ "5d1b",
+ "5gap",
+ "4pno",
+ "6i5i",
+ "7y4j",
+ "6k1a",
+ "4kz3",
+ "6ozl",
+ "7p9q",
+ "2vie",
+ "1pjv",
+ "2aex",
+ "6rut",
+ "2j8o",
+ "5cr1",
+ "2c8r",
+ "2awp",
+ "4gbc",
+ "2v4l",
+ "6vfv",
+ "1ud8",
+ "6cdg",
+ "1e24",
+ "3zyk",
+ "5mou",
+ "5hqb",
+ "3tsy",
+ "3e8r",
+ "5y8o",
+ "7r70",
+ "1zm0",
+ "1cy2",
+ "3vfr",
+ "4bp2",
+ "3g7k",
+ "4kcl",
+ "6i4t",
+ "4mlh",
+ "4us3",
+ "6kn1",
+ "5g0y",
+ "6rby",
+ "4m7b",
+ "7ty0",
+ "5jhp",
+ "5mlh",
+ "3esk",
+ "1tjy",
+ "6ur8",
+ "4zah",
+ "6k6b",
+ "3rho",
+ "2n9x",
+ "5xua",
+ "7z4z",
+ "7d45",
+ "5v5p",
+ "4lo2",
+ "1uvn",
+ "3fjb",
+ "7p71",
+ "3k4n",
+ "3h97",
+ "3m0v",
+ "6aci",
+ "2gv6",
+ "3d1b",
+ "1qsq",
+ "1prm",
+ "3kpx",
+ "4pa3",
+ "2dln",
+ "1ha3",
+ "1ddx",
+ "2ym8",
+ "5omi",
+ "4g8g",
+ "6yg0",
+ "2dey",
+ "6kx8",
+ "2mvg",
+ "6thg",
+ "5t8d",
+ "1f3a",
+ "3w8h",
+ "5glr",
+ "1qpm",
+ "6ti9",
+ "3hkw",
+ "7t2v",
+ "7chd",
+ "2rgp",
+ "6zhl",
+ "7jk6",
+ "6hjh",
+ "1hdy",
+ "1zz2",
+ "2lhe",
+ "7adw",
+ "1tay",
+ "7dm6",
+ "1ege",
+ "3me6",
+ "6sui",
+ "1lyo",
+ "4qm6",
+ "3tn2",
+ "3wbl",
+ "4kux",
+ "6n29",
+ "8dvy",
+ "5ok7",
+ "7kti",
+ "8fko",
+ "7lj2",
+ "6war",
+ "4l3h",
+ "5pob",
+ "4gcc",
+ "3tgs",
+ "5a68",
+ "6lwl",
+ "7fgw",
+ "6h20",
+ "4g96",
+ "2gh2",
+ "7x9o",
+ "4k88",
+ "1tb7",
+ "5qm2",
+ "5kw2",
+ "5twj",
+ "6ww5",
+ "6a2w",
+ "2bbx",
+ "1f23",
+ "6moz",
+ "3vjm",
+ "2vww",
+ "4hgm",
+ "1m2o",
+ "5plz",
+ "1od1",
+ "4g2j",
+ "5fii",
+ "1w57",
+ "1jpe",
+ "3o07",
+ "1cq7",
+ "5jsz",
+ "3tbl",
+ "1urt",
+ "2vu2",
+ "5vjg",
+ "7om7",
+ "5rvd",
+ "5vc5",
+ "1ot1",
+ "8cx2",
+ "6qi7",
+ "7ttz",
+ "2p4r",
+ "7ns9",
+ "7nj5",
+ "7qmk",
+ "5ayd",
+ "2y5j",
+ "4aw8",
+ "5flf",
+ "5zn8",
+ "1qg0",
+ "1dpc",
+ "1m4x",
+ "8e50",
+ "4eu3",
+ "1lmw",
+ "5yiz",
+ "2lr3",
+ "6fr6",
+ "5i3a",
+ "7loa",
+ "6bjf",
+ "2dwx",
+ "5dgj",
+ "3mr2",
+ "2meo",
+ "5aye",
+ "3f4r",
+ "3w41",
+ "2lfm",
+ "7b0a",
+ "4rs9",
+ "5mmt",
+ "3ngn",
+ "1tum",
+ "6p8p",
+ "2fqo",
+ "1dep",
+ "6f2a",
+ "8dk0",
+ "1s5j",
+ "2vzl",
+ "7b85",
+ "1dem",
+ "2j10",
+ "6xt9",
+ "1tw4",
+ "7pcp",
+ "2flw",
+ "5a4x",
+ "6z8e",
+ "5ohb",
+ "1qx3",
+ "6wgh",
+ "6kvg",
+ "4mld",
+ "8egr",
+ "6miy",
+ "5j98",
+ "6u3g",
+ "5f5f",
+ "1z88",
+ "4pds",
+ "5vj0",
+ "6h7t",
+ "6ci9",
+ "6t0x",
+ "1yat",
+ "2qjm",
+ "5c3u",
+ "5cdd",
+ "7omp",
+ "3ntm",
+ "3ash",
+ "6pll",
+ "5kiz",
+ "6clz",
+ "4zbj",
+ "1ojo",
+ "2k3j",
+ "1go1",
+ "4nn0",
+ "1pvz",
+ "6fel",
+ "3pvx",
+ "5ejd",
+ "1in4",
+ "5jqv",
+ "6bnc",
+ "1f2w",
+ "2p7q",
+ "1u9e",
+ "4n2x",
+ "5kzl",
+ "5dnv",
+ "2k98",
+ "4fch",
+ "6lox",
+ "1doz",
+ "3rso",
+ "3r9s",
+ "6ank",
+ "4cgi",
+ "6chh",
+ "6va8",
+ "7uhy",
+ "4g8c",
+ "7n12",
+ "4j5w",
+ "4q0k",
+ "3kvr",
+ "4uuu",
+ "3oyo",
+ "1uzb",
+ "1mc1",
+ "5mdq",
+ "5iqk",
+ "2try",
+ "6w7c",
+ "6i9h",
+ "5tip",
+ "2bw5",
+ "6cld",
+ "4j52",
+ "5pge",
+ "1m7j",
+ "4de5",
+ "2uxr",
+ "6rv0",
+ "3fzy",
+ "1knb",
+ "4gs0",
+ "4y66",
+ "7eoy",
+ "3wk8",
+ "1mx9",
+ "2yq5",
+ "4rf4",
+ "5udz",
+ "4hql",
+ "1jye",
+ "2dxb",
+ "5x14",
+ "1dm9",
+ "2q2e",
+ "4izz",
+ "8f2p",
+ "5zfg",
+ "5pj6",
+ "5t2n",
+ "6j36",
+ "1oad",
+ "4r5x",
+ "2vbt",
+ "6zy1",
+ "1jrp",
+ "1c96",
+ "1tj0",
+ "6eg1",
+ "7l2n",
+ "1i4t",
+ "4qv8",
+ "6fz8",
+ "3vsg",
+ "5e8s",
+ "4gkl",
+ "6f0i",
+ "7bj0",
+ "5mxe",
+ "3sfd",
+ "7lii",
+ "7v1z",
+ "5dt7",
+ "6e18",
+ "4wnc",
+ "1i0c",
+ "3t9w",
+ "7qb8",
+ "2qbo",
+ "5wpm",
+ "1bhi",
+ "4hfj",
+ "2rne",
+ "1uzu",
+ "7f6w",
+ "4eam",
+ "6fub",
+ "5qtv",
+ "4bo6",
+ "6nqu",
+ "1aiw",
+ "6f1x",
+ "2qqf",
+ "1dar",
+ "2krx",
+ "6u60",
+ "3pju",
+ "4bv9",
+ "4mcy",
+ "8dc4",
+ "2qd6",
+ "6pm8",
+ "6now",
+ "5gwk",
+ "4ol4",
+ "8eyl",
+ "1icr",
+ "3ct4",
+ "4j3p",
+ "1q95",
+ "1cuo",
+ "5hgz",
+ "6c4g",
+ "3v4q",
+ "2c2p",
+ "5ve9",
+ "5px9",
+ "2c9w",
+ "5dpn",
+ "6yys",
+ "5j34",
+ "8f7c",
+ "8bvo",
+ "4b3p",
+ "1hyl",
+ "6yx0",
+ "4fh2",
+ "4x2b",
+ "4nus",
+ "4d31",
+ "7cw3",
+ "4aar",
+ "7rj4",
+ "2b13",
+ "4btk",
+ "5ia0",
+ "4u2e",
+ "3euy",
+ "1qu3",
+ "4imj",
+ "4axw",
+ "3lp2",
+ "7qv0",
+ "3ubu",
+ "2dl2",
+ "1usw",
+ "4cee",
+ "2le8",
+ "6ksy",
+ "2gov",
+ "5n9r",
+ "4x4v",
+ "2jo9",
+ "5u4u",
+ "4bmo",
+ "6jo0",
+ "5x4x",
+ "6wnh",
+ "5mix",
+ "1hyu",
+ "4uob",
+ "5f2c",
+ "4zpk",
+ "5p7q",
+ "4xgb",
+ "1zha",
+ "5pop",
+ "6uaj",
+ "5mxp",
+ "6of4",
+ "3nqx",
+ "6tv1",
+ "1kve",
+ "5cl5",
+ "4f3k",
+ "7zv5",
+ "2w61",
+ "4w6v",
+ "1axx",
+ "2q52",
+ "1o82",
+ "4wwp",
+ "3lww",
+ "5gud",
+ "5n99",
+ "1o53",
+ "1oa1",
+ "4cou",
+ "1asl",
+ "1onr",
+ "5i24",
+ "3qsy",
+ "4nsg",
+ "6hsz",
+ "1puu",
+ "2x22",
+ "4bn0",
+ "3wcr",
+ "6m2m",
+ "3szh",
+ "7u7d",
+ "4qck",
+ "3qne",
+ "1gru",
+ "3gnd",
+ "6rht",
+ "7r9w",
+ "6eee",
+ "6mez",
+ "4ia0",
+ "7kn6",
+ "5ai7",
+ "5ujc",
+ "1d9i",
+ "6dyu",
+ "5hxo",
+ "6eq7",
+ "4mlv",
+ "6loq",
+ "8dqz",
+ "4x0g",
+ "7a4d",
+ "6crd",
+ "2m1u",
+ "5rd4",
+ "5znt",
+ "6ge5",
+ "7nvy",
+ "4u1c",
+ "1rib",
+ "3grj",
+ "7tsd",
+ "1mcb",
+ "1n0u",
+ "2vc8",
+ "3lqg",
+ "4cu5",
+ "3m5z",
+ "5h0o",
+ "4ict",
+ "7edr",
+ "5xcq",
+ "5hyo",
+ "1ovb",
+ "4xtx",
+ "6gwp",
+ "4etl",
+ "5p7o",
+ "2nz5",
+ "5d1q",
+ "7fpk",
+ "4qbc",
+ "2iyv",
+ "3bp5",
+ "3ede",
+ "6pww",
+ "5hp2",
+ "4zf6",
+ "2rt4",
+ "6ni3",
+ "3sld",
+ "6ed6",
+ "6aby",
+ "6s3r",
+ "4i0g",
+ "2l7t",
+ "3d9g",
+ "1a26",
+ "2bns",
+ "3q67",
+ "6q74",
+ "2jdx",
+ "2np1",
+ "6sio",
+ "6wlh",
+ "4gax",
+ "6l5t",
+ "5iqh",
+ "1qny",
+ "7k2s",
+ "2qel",
+ "3p8z",
+ "5fs6",
+ "6ail",
+ "6y0l",
+ "4d03",
+ "1qj3",
+ "7flb",
+ "1mp2",
+ "4s0h",
+ "1jsy",
+ "5t52",
+ "4flh",
+ "1bdg",
+ "2n0w",
+ "4ubq",
+ "7mlp",
+ "6pno",
+ "7pds",
+ "3dmd",
+ "5wu0",
+ "7e4a",
+ "6jlf",
+ "1csb",
+ "4fl1",
+ "6erq",
+ "6u8o",
+ "4hk0",
+ "1tqb",
+ "5x4o",
+ "1iw2",
+ "1bud",
+ "4rfn",
+ "1m83",
+ "6u5y",
+ "4bsb",
+ "1dah",
+ "3qa2",
+ "5tyo",
+ "1enr",
+ "7sku",
+ "5dyo",
+ "2a5g",
+ "6saf",
+ "5arf",
+ "5ply",
+ "6d6u",
+ "6kaq",
+ "7peo",
+ "5byy",
+ "1lyk",
+ "1qlt",
+ "1yzv",
+ "6l00",
+ "2v5a",
+ "1sn7",
+ "5rmd",
+ "5p2w",
+ "3t8n",
+ "4cyj",
+ "6gfv",
+ "1fkk",
+ "1pi2",
+ "3x1n",
+ "6fit",
+ "7cr9",
+ "3a3e",
+ "5cim",
+ "5hn9",
+ "5m0t",
+ "5vdb",
+ "2lnl",
+ "5d49",
+ "4iou",
+ "4m5h",
+ "6k12",
+ "5jm7",
+ "3cl6",
+ "6rrt",
+ "2muw",
+ "7qdt",
+ "4c6y",
+ "5xl7",
+ "5j4f",
+ "4ejl",
+ "2pk2",
+ "2jkj",
+ "1z0r",
+ "7xke",
+ "2ggz",
+ "6bbt",
+ "6hp9",
+ "1f6v",
+ "3p72",
+ "4yt0",
+ "4bnk",
+ "3cux",
+ "5kn0",
+ "3qrx",
+ "3qvr",
+ "8egt",
+ "1c3r",
+ "4yha",
+ "4tnj",
+ "2c41",
+ "4gcr",
+ "7s0b",
+ "5xxh",
+ "7f0c",
+ "2b16",
+ "2x0j",
+ "1jmg",
+ "6u8c",
+ "3i8r",
+ "2mfp",
+ "1tf5",
+ "5d7e",
+ "3k66",
+ "4zle",
+ "7wj0",
+ "2xvc",
+ "4xlw",
+ "5wa0",
+ "6out",
+ "5pbt",
+ "5ihr",
+ "1o2h",
+ "7r50",
+ "5aau",
+ "6cad",
+ "1uki",
+ "4xr1",
+ "6awq",
+ "5bqm",
+ "5p0e",
+ "3gid",
+ "3re1",
+ "1s5n",
+ "5wt2",
+ "7ldm",
+ "5ihz",
+ "5hgj",
+ "6q02",
+ "4pjb",
+ "7k5n",
+ "4ymr",
+ "1w4i",
+ "1dy3",
+ "2osl",
+ "5t4b",
+ "5znm",
+ "7dlm",
+ "4c3k",
+ "6aso",
+ "3pg2",
+ "2piw",
+ "5ah6",
+ "6xdt",
+ "1vep",
+ "7rf9",
+ "2hbl",
+ "1zd5",
+ "5pgw",
+ "2vrt",
+ "7bgj",
+ "6fio",
+ "4x5r",
+ "7svc",
+ "4ktm",
+ "5sqn",
+ "4na8",
+ "6bix",
+ "3g06",
+ "5d0x",
+ "2lzo",
+ "5jy9",
+ "6slg",
+ "2ahy",
+ "4h0i",
+ "2h7d",
+ "3j94",
+ "5w93",
+ "1khf",
+ "1ohc",
+ "3s9c",
+ "6qyy",
+ "4xj6",
+ "1zuo",
+ "5k0c",
+ "4wa2",
+ "4dtu",
+ "5wvu",
+ "4olm",
+ "3rtm",
+ "4pd2",
+ "1rnq",
+ "3bll",
+ "142l",
+ "1yc2",
+ "3ndm",
+ "5ohq",
+ "1ox9",
+ "6a0m",
+ "6i2s",
+ "7f7p",
+ "7y5c",
+ "2eu8",
+ "5pja",
+ "7t37",
+ "2yak",
+ "5m8r",
+ "1oyj",
+ "1chm",
+ "1rkb",
+ "4pa4",
+ "6k1t",
+ "7xzw",
+ "2c04",
+ "5w2b",
+ "6gb3",
+ "4xo0",
+ "4c4p",
+ "4oow",
+ "6sc5",
+ "3kqx",
+ "5wni",
+ "5ud8",
+ "1itg",
+ "5twm",
+ "5pj5",
+ "5su6",
+ "6w6y",
+ "4pa7",
+ "2or8",
+ "4ixh",
+ "3o9i",
+ "2lb7",
+ "3o8z",
+ "5vl7",
+ "6rgv",
+ "4nxw",
+ "5j4g",
+ "1co4",
+ "7k0f",
+ "3faa",
+ "5ni9",
+ "4jwn",
+ "5a2t",
+ "5guw",
+ "5ioj",
+ "6kv9",
+ "5xeg",
+ "3uax",
+ "2g6n",
+ "2ov1",
+ "1his",
+ "7c28",
+ "2akf",
+ "4j4u",
+ "4lyf",
+ "2blp",
+ "4gd8",
+ "1jxt",
+ "6t5w",
+ "1eo7",
+ "3g04",
+ "6dp4",
+ "2o69",
+ "7mnp",
+ "6upn",
+ "3s9l",
+ "4rh0",
+ "7bs9",
+ "4dgd",
+ "7b4q",
+ "3fqn",
+ "1n3y",
+ "7zsz",
+ "2xkm",
+ "6f4k",
+ "1rz8",
+ "2op2",
+ "6c3z",
+ "6j4n",
+ "5wi2",
+ "4wzf",
+ "6yto",
+ "5hio",
+ "1bpb",
+ "2z3z",
+ "2g28",
+ "7ais",
+ "3b68",
+ "3e1n",
+ "1ovk",
+ "3wdm",
+ "3rae",
+ "3qiv",
+ "6mjz",
+ "2hhl",
+ "5ky7",
+ "5lp9",
+ "7p1l",
+ "6jl3",
+ "6cwk",
+ "5gxt",
+ "1cee",
+ "7rfg",
+ "6he0",
+ "1ii3",
+ "2z55",
+ "1mq8",
+ "4z6h",
+ "3dmz",
+ "5acy",
+ "6btd",
+ "1ge1",
+ "5ftq",
+ "6hcy",
+ "2xko",
+ "2g19",
+ "6j57",
+ "7lez",
+ "2z58",
+ "7sjv",
+ "1m23",
+ "5ilu",
+ "1mto",
+ "5u1m",
+ "3prd",
+ "5dnw",
+ "4ynw",
+ "6naf",
+ "1pkm",
+ "6svz",
+ "4n97",
+ "3rgq",
+ "3d9u",
+ "1ta4",
+ "7bud",
+ "2fh3",
+ "3nh4",
+ "2a9z",
+ "3etl",
+ "4z7k",
+ "3bmx",
+ "4n5t",
+ "4bnn",
+ "5vq3",
+ "8e25",
+ "3udm",
+ "4uxp",
+ "4oba",
+ "7p55",
+ "1ym2",
+ "4bmz",
+ "6v1j",
+ "2k2y",
+ "5qdv",
+ "2rv0",
+ "3azc",
+ "7fmu",
+ "3lxb",
+ "7ey8",
+ "5d1m",
+ "3pfl",
+ "6p3n",
+ "4av3",
+ "7e2m",
+ "5vky",
+ "2ydw",
+ "7eib",
+ "2ml3",
+ "8dqk",
+ "5cif",
+ "5lop",
+ "2ava",
+ "7tl0",
+ "4n8w",
+ "7tj4",
+ "3kvn",
+ "5lo9",
+ "7zit",
+ "2ewe",
+ "7k4h",
+ "5nwi",
+ "1oqa",
+ "3kyt",
+ "4mwg",
+ "3it8",
+ "6njy",
+ "2w81",
+ "4mr9",
+ "1piz",
+ "3x38",
+ "6an8",
+ "1k1t",
+ "5o2q",
+ "4bft",
+ "4y48",
+ "6a7i",
+ "4n5g",
+ "1y8f",
+ "6nz7",
+ "7clt",
+ "2i59",
+ "4bo0",
+ "7kyy",
+ "6el9",
+ "5r2i",
+ "3v9b",
+ "4hgd",
+ "1qwy",
+ "5x6t",
+ "5mt0",
+ "7u5o",
+ "6b2a",
+ "4ui2",
+ "4heh",
+ "5rgm",
+ "8dbi",
+ "3gyv",
+ "6t3h",
+ "4txs",
+ "1q6y",
+ "6b4l",
+ "7l14",
+ "5hux",
+ "6qq2",
+ "2wbo",
+ "7zvi",
+ "8b8w",
+ "5bom",
+ "1asm",
+ "1gvr",
+ "2hln",
+ "4cn6",
+ "6noj",
+ "1t8l",
+ "6vv8",
+ "2j79",
+ "3iuy",
+ "2q6q",
+ "5fxd",
+ "5isz",
+ "7vxg",
+ "5hc6",
+ "4tmr",
+ "3j9v",
+ "3hs9",
+ "5y7c",
+ "1hhi",
+ "7o21",
+ "4hib",
+ "5izh",
+ "3juj",
+ "2lmt",
+ "4r5d",
+ "2a3a",
+ "5are",
+ "4axu",
+ "6g1q",
+ "1aww",
+ "3eki",
+ "6ivc",
+ "1v03",
+ "3jwi",
+ "3uyk",
+ "3vqt",
+ "5zi6",
+ "4hrs",
+ "4cqs",
+ "1sse",
+ "1h8o",
+ "5x33",
+ "4no5",
+ "5ipu",
+ "3f45",
+ "1pyn",
+ "5sto",
+ "1v6m",
+ "6b6a",
+ "1kxl",
+ "1g33",
+ "6x7l",
+ "3s85",
+ "5oea",
+ "4zwq",
+ "2yn5",
+ "3hbb",
+ "4jwg",
+ "7d9t",
+ "3wur",
+ "5dn2",
+ "2kk7",
+ "6njd",
+ "1hdu",
+ "3uuo",
+ "2lkg",
+ "2wg9",
+ "1lpn",
+ "3hu6",
+ "2f1o",
+ "2c23",
+ "3fn7",
+ "2b7t",
+ "1q4x",
+ "6svm",
+ "6mal",
+ "2vvf",
+ "6v0g",
+ "5z2j",
+ "5qn4",
+ "5hyi",
+ "4mzp",
+ "5elf",
+ "1nzp",
+ "4tpu",
+ "5tvv",
+ "7apw",
+ "8e8h",
+ "6hv3",
+ "4w97",
+ "1rne",
+ "6aek",
+ "1ezs",
+ "6tcs",
+ "3r2n",
+ "5a1t",
+ "5mnj",
+ "7ms0",
+ "8eos",
+ "3d7c",
+ "3vev",
+ "3ws4",
+ "1gb0",
+ "2axw",
+ "6k4x",
+ "4xwz",
+ "7veq",
+ "4l2h",
+ "2kpl",
+ "3b37",
+ "4z80",
+ "2zv7",
+ "5iig",
+ "3uih",
+ "7nf1",
+ "3ah2",
+ "3one",
+ "6dbe",
+ "6aeq",
+ "5di7",
+ "6mxs",
+ "4duq",
+ "3riq",
+ "4dlx",
+ "4duh",
+ "3k01",
+ "5mvv",
+ "7s1n",
+ "6lip",
+ "5vab",
+ "3vge",
+ "5km6",
+ "1jqr",
+ "1o2p",
+ "5wvb",
+ "6gzc",
+ "1bsb",
+ "3p9p",
+ "5s9v",
+ "3j0s",
+ "1jwp",
+ "5irf",
+ "5ntn",
+ "5fcp",
+ "3h8l",
+ "3zgp",
+ "4ogx",
+ "6ee5",
+ "6tl0",
+ "5a6p",
+ "2r6j",
+ "4au5",
+ "6scx",
+ "2zr3",
+ "2hrq",
+ "2m3g",
+ "2o65",
+ "7sb7",
+ "3h82",
+ "4n13",
+ "7rg2",
+ "5fkj",
+ "2md0",
+ "6itd",
+ "5wr1",
+ "6fyr",
+ "5kke",
+ "6lux",
+ "5k66",
+ "5hk7",
+ "4c92",
+ "7v1f",
+ "6vy6",
+ "3b2k",
+ "7d3t",
+ "6irk",
+ "5nbq",
+ "6c21",
+ "1iky",
+ "5xps",
+ "4aod",
+ "6avq",
+ "1j1a",
+ "1oon",
+ "7vgp",
+ "2jii",
+ "1czm",
+ "6k8t",
+ "2a84",
+ "6y18",
+ "2rhp",
+ "7r69",
+ "1jbn",
+ "2as8",
+ "2bre",
+ "2n9w",
+ "1jsc",
+ "8a1q",
+ "6uxr",
+ "1mwb",
+ "6a63",
+ "6sif",
+ "6al2",
+ "4ht8",
+ "5pm1",
+ "1g7l",
+ "3aqx",
+ "1v2d",
+ "3bjm",
+ "7yz9",
+ "7klx",
+ "3bx3",
+ "1r9f",
+ "3fpj",
+ "3vzn",
+ "5hbu",
+ "5ucj",
+ "6eq5",
+ "6qxr",
+ "5jbk",
+ "4n5y",
+ "7lmn",
+ "5prv",
+ "4auw",
+ "7e2c",
+ "6ccn",
+ "5y89",
+ "5czn",
+ "1dt0",
+ "6m8z",
+ "3qnn",
+ "3r19",
+ "3plb",
+ "1w4g",
+ "4kar",
+ "5k9k",
+ "8akp",
+ "5h63",
+ "5fkb",
+ "3cxq",
+ "1hvb",
+ "2kxo",
+ "6i4l",
+ "4zx4",
+ "4bj1",
+ "5j5h",
+ "3at3",
+ "6q9g",
+ "4xfg",
+ "3tq0",
+ "8bl4",
+ "3ig1",
+ "4hjy",
+ "5zk7",
+ "3vjc",
+ "3frs",
+ "5inw",
+ "6yjd",
+ "7fl2",
+ "5lhx",
+ "6fk0",
+ "5dmf",
+ "1dtg",
+ "2fox",
+ "3lvk",
+ "5y6r",
+ "6kk7",
+ "5rcg",
+ "5z5f",
+ "1brm",
+ "5l01",
+ "7m8v",
+ "2ri8",
+ "2mr8",
+ "5hbv",
+ "5uwq",
+ "5mpn",
+ "2hp5",
+ "4qnp",
+ "2nzm",
+ "1woo",
+ "1xgr",
+ "2z4w",
+ "6n7n",
+ "5det",
+ "2aav",
+ "3vxn",
+ "5tlx",
+ "3axl",
+ "3lvx",
+ "4moj",
+ "1d1q",
+ "6uxb",
+ "6scm",
+ "4krm",
+ "1ddt",
+ "1pjk",
+ "4wsu",
+ "6d6e",
+ "3rj0",
+ "6e3r",
+ "6yh8",
+ "2mc1",
+ "1fwy",
+ "1b2a",
+ "1egu",
+ "2bzn",
+ "3szj",
+ "5s5m",
+ "2aet",
+ "4ayv",
+ "5x3e",
+ "7q0t",
+ "4af3",
+ "1lct",
+ "2mvx",
+ "1tis",
+ "4m25",
+ "1h0c",
+ "7lli",
+ "4do8",
+ "5vzn",
+ "3iz2",
+ "3rc1",
+ "5j6m",
+ "3bor",
+ "2j9l",
+ "4b03",
+ "7sw9",
+ "3mr6",
+ "2qxg",
+ "3i8p",
+ "2mu7",
+ "3b6l",
+ "4d02",
+ "2bxg",
+ "2obu",
+ "4f2f",
+ "4ola",
+ "6y1b",
+ "4qe3",
+ "8caa",
+ "6faz",
+ "4y6a",
+ "1q5q",
+ "6uge",
+ "3f1w",
+ "2k72",
+ "3el7",
+ "4jva",
+ "5qdu",
+ "2bxi",
+ "5u7r",
+ "1wd4",
+ "1bri",
+ "4q2o",
+ "1ddz",
+ "5isn",
+ "5nwd",
+ "4k21",
+ "5acm",
+ "2aw0",
+ "3gk9",
+ "4nuk",
+ "6psc",
+ "2p43",
+ "2vkl",
+ "6lk7",
+ "5wwn",
+ "2i0o",
+ "2zyl",
+ "8okm",
+ "4d1n",
+ "7aw1",
+ "4yyp",
+ "2vyq",
+ "5azp",
+ "4oqr",
+ "4avt",
+ "1lw3",
+ "6b98",
+ "7bro",
+ "3omv",
+ "7rxr",
+ "4yhb",
+ "1egi",
+ "4eai",
+ "3g50",
+ "6f3r",
+ "7aum",
+ "8b9h",
+ "6ml0",
+ "3bix",
+ "1h9p",
+ "6clb",
+ "2mem",
+ "7fku",
+ "5tqc",
+ "4zyc",
+ "4lbr",
+ "1j42",
+ "3q89",
+ "4z03",
+ "5d55",
+ "3hki",
+ "1nfh",
+ "5i8s",
+ "7u66",
+ "5z2l",
+ "1ljn",
+ "1go0",
+ "5hit",
+ "3hy8",
+ "5o7e",
+ "7foc",
+ "5q18",
+ "4d5n",
+ "1tgk",
+ "3bc1",
+ "7ouf",
+ "2ck1",
+ "2zxu",
+ "1cj8",
+ "7nkc",
+ "6bsu",
+ "1k3c",
+ "4chh",
+ "3buh",
+ "3cbc",
+ "4rly",
+ "1nzy",
+ "7pml",
+ "7flp",
+ "6hhm",
+ "4q2t",
+ "3v7w",
+ "1jb9",
+ "2z8d",
+ "6ho5",
+ "3vvw",
+ "3ppj",
+ "7t1k",
+ "3hxc",
+ "4ayb",
+ "8g8f",
+ "4i39",
+ "1ab6",
+ "6qcy",
+ "6ezj",
+ "3fpu",
+ "5hiq",
+ "5yig",
+ "4k6y",
+ "4yig",
+ "7xn3",
+ "1cg8",
+ "2yb7",
+ "1o0a",
+ "1pyd",
+ "5icv",
+ "3etm",
+ "4h05",
+ "7fh2",
+ "2x71",
+ "1e5d",
+ "7lk6",
+ "1d2g",
+ "6nc7",
+ "5vko",
+ "1qbe",
+ "3cws",
+ "3rc7",
+ "4jh6",
+ "3oak",
+ "7zrd",
+ "3ct6",
+ "1ym3",
+ "6a1b",
+ "6hv6",
+ "6pib",
+ "3ubc",
+ "2k9p",
+ "3uii",
+ "6k0a",
+ "4el2",
+ "7c1d",
+ "1rhq",
+ "1pl0",
+ "7b29",
+ "6bhy",
+ "7nh9",
+ "3iip",
+ "5qda",
+ "1ok1",
+ "1iau",
+ "4dqf",
+ "6mx4",
+ "2l40",
+ "6w23",
+ "3a2j",
+ "5vtp",
+ "7xwc",
+ "8dez",
+ "1d7u",
+ "2z4s",
+ "6q0v",
+ "5jmy",
+ "1vqj",
+ "1m7k",
+ "1kay",
+ "6a2u",
+ "1irf",
+ "2obt",
+ "2aki",
+ "4g1g",
+ "5i2k",
+ "1nxy",
+ "8dav",
+ "1mch",
+ "7c37",
+ "1t0c",
+ "6i9f",
+ "6w5j",
+ "4yji",
+ "2km7",
+ "3fdn",
+ "4ou4",
+ "3fxi",
+ "1fib",
+ "6a0y",
+ "4ky9",
+ "3ekf",
+ "4gfn",
+ "5f6t",
+ "5w6r",
+ "2lww",
+ "3dlk",
+ "7bzz",
+ "2jq9",
+ "1grv",
+ "7qgz",
+ "1nnv",
+ "2vj5",
+ "8i1d",
+ "3wl3",
+ "4ojo",
+ "6btf",
+ "5pgi",
+ "4pcl",
+ "3nwe",
+ "3s7n",
+ "1cio",
+ "4qtr",
+ "1cm5",
+ "5ne3",
+ "4u93",
+ "5pyh",
+ "1wns",
+ "1m9z",
+ "3js3",
+ "1d3y",
+ "2pin",
+ "3ivy",
+ "3msi",
+ "5gjo",
+ "7jgu",
+ "1ju4",
+ "1kfy",
+ "6qpc",
+ "6oy2",
+ "3q7c",
+ "5kgj",
+ "6qu9",
+ "1xbv",
+ "6gy6",
+ "6mbu",
+ "3bs2",
+ "6hb3",
+ "8e2p",
+ "7lde",
+ "1ly7",
+ "6oh2",
+ "8dov",
+ "6d2m",
+ "7o40",
+ "2ysu",
+ "2l3c",
+ "4d9r",
+ "1oxu",
+ "5nuj",
+ "1kt9",
+ "1snz",
+ "6u3k",
+ "4z4s",
+ "6s95",
+ "1a8q",
+ "6og4",
+ "6y5w",
+ "2bxe",
+ "5khj",
+ "2vhu",
+ "4qta",
+ "4c1o",
+ "8eua",
+ "7p5q",
+ "6kn5",
+ "6ycj",
+ "1o49",
+ "6qx4",
+ "3udp",
+ "3qm1",
+ "6hcv",
+ "1n9z",
+ "3rrk",
+ "3b0o",
+ "5vnr",
+ "5ghn",
+ "4rph",
+ "5uxd",
+ "3fjp",
+ "3wd3",
+ "2al2",
+ "2orw",
+ "6itm",
+ "5sc9",
+ "6fsh",
+ "5hhy",
+ "1ax3",
+ "3iu7",
+ "6h0q",
+ "3agc",
+ "2w1m",
+ "7khm",
+ "1vnf",
+ "3isw",
+ "4usz",
+ "6wq4",
+ "2g4e",
+ "5amg",
+ "3cx5",
+ "1m8h",
+ "3v83",
+ "3dv0",
+ "1hp1",
+ "4dsy",
+ "6d7t",
+ "6kyh",
+ "6bwp",
+ "7xau",
+ "6dad",
+ "3dp8",
+ "2aze",
+ "2xli",
+ "3n5s",
+ "6ldd",
+ "2a7s",
+ "5wal",
+ "3buk",
+ "5k0u",
+ "6jeb",
+ "3ngq",
+ "2dcm",
+ "4xwo",
+ "1sp2",
+ "2vgj",
+ "2b0h",
+ "2jou",
+ "6yzp",
+ "4qe5",
+ "2y82",
+ "3i5m",
+ "6ypq",
+ "4b5s",
+ "1kij",
+ "4y4q",
+ "1nip",
+ "6hoj",
+ "5gjg",
+ "2bkk",
+ "1h45",
+ "8et1",
+ "5u46",
+ "4ibq",
+ "3gsu",
+ "1qdp",
+ "4f1p",
+ "5ys2",
+ "6b0q",
+ "3o9u",
+ "4noj",
+ "1o4e",
+ "2zjw",
+ "1dhj",
+ "4emw",
+ "7m7t",
+ "2zgm",
+ "5bwu",
+ "3ui2",
+ "5oby",
+ "4wtm",
+ "1mlq",
+ "5kl8",
+ "7ckg",
+ "5fo0",
+ "3shr",
+ "8afa",
+ "6mng",
+ "7dl5",
+ "1f0t",
+ "4go6",
+ "4ols",
+ "6s6g",
+ "5wnw",
+ "1l3n",
+ "5ter",
+ "5bva",
+ "1spj",
+ "6hof",
+ "5wki",
+ "5byj",
+ "5l46",
+ "5o3c",
+ "1dws",
+ "5yy0",
+ "2vgm",
+ "1igv",
+ "4hz7",
+ "4wc9",
+ "1ozs",
+ "4omw",
+ "2bbf",
+ "6psm",
+ "1tyr",
+ "4xqu",
+ "6m6o",
+ "6uvs",
+ "4yvv",
+ "3u1k",
+ "6vdf",
+ "3o18",
+ "5d1w",
+ "5fgx",
+ "5szr",
+ "5oz5",
+ "4mjt",
+ "2bkh",
+ "1exz",
+ "1swz",
+ "7uib",
+ "5zlv",
+ "4u2g",
+ "7l4z",
+ "7nhs",
+ "4odf",
+ "3zya",
+ "4wsz",
+ "3eyd",
+ "6meq",
+ "4nfh",
+ "2d73",
+ "6g0n",
+ "5nq4",
+ "3hpj",
+ "5ad1",
+ "6m4s",
+ "4dyr",
+ "4aub",
+ "7cmz",
+ "1w23",
+ "4znz",
+ "7z8x",
+ "1l2s",
+ "7obv",
+ "4qpl",
+ "7nn0",
+ "3c6h",
+ "1h6l",
+ "6iu8",
+ "5wde",
+ "4ggg",
+ "5vjl",
+ "6yvi",
+ "3g6h",
+ "6i12",
+ "7w80",
+ "6j8i",
+ "5vws",
+ "3r04",
+ "2bey",
+ "4z87",
+ "2ayw",
+ "7uxu",
+ "2pf6",
+ "3usk",
+ "4lpu",
+ "3ff9",
+ "6sjr",
+ "1lcf",
+ "1pdc",
+ "2qpl",
+ "6tlb",
+ "5mql",
+ "2ezy",
+ "1ax0",
+ "1nzf",
+ "4pzn",
+ "8bog",
+ "2bvz",
+ "1m61",
+ "1bnr",
+ "5yei",
+ "5i3l",
+ "4rjx",
+ "1nmx",
+ "3n71",
+ "7t84",
+ "2wg2",
+ "3wqa",
+ "2liv",
+ "3kx2",
+ "5v8a",
+ "5jrv",
+ "5ize",
+ "3qj4",
+ "7rm5",
+ "2dr0",
+ "4g09",
+ "5uyx",
+ "2w72",
+ "3i71",
+ "3qjz",
+ "1hh9",
+ "6emq",
+ "2ivh",
+ "7xhx",
+ "3ocg",
+ "6hzj",
+ "6dob",
+ "8ds5",
+ "6qsy",
+ "4iba",
+ "1uti",
+ "2lg1",
+ "5k4w",
+ "1m02",
+ "2aqu",
+ "7f1j",
+ "7cpl",
+ "1r1u",
+ "4q2m",
+ "5tnn",
+ "1mq1",
+ "7dh7",
+ "6xrb",
+ "5pkq",
+ "3k65",
+ "6gp4",
+ "1zvt",
+ "4ut6",
+ "1yti",
+ "5zyf",
+ "5ctp",
+ "5e4m",
+ "6to7",
+ "4i4c",
+ "3oaw",
+ "7b1z",
+ "7kes",
+ "5lyr",
+ "1loc",
+ "1pud",
+ "7pu6",
+ "5u6d",
+ "6lyn",
+ "1tri",
+ "6h0k",
+ "5bo0",
+ "2vsk",
+ "4pnf",
+ "3zjm",
+ "7nuc",
+ "4tmz",
+ "5nk0",
+ "7yyn",
+ "4e1k",
+ "7vh5",
+ "5hj3",
+ "5i8r",
+ "1faa",
+ "7vit",
+ "2rqw",
+ "5kn1",
+ "2ahq",
+ "6eye",
+ "5mkf",
+ "6lil",
+ "7r5z",
+ "1zdn",
+ "1yax",
+ "1otx",
+ "1oyi",
+ "2aj9",
+ "1xag",
+ "5izq",
+ "7bf6",
+ "1yok",
+ "7rid",
+ "5uld",
+ "4bwk",
+ "3zhv",
+ "3rv7",
+ "5mxc",
+ "7qlz",
+ "6hou",
+ "3v34",
+ "3ry7",
+ "3zu8",
+ "1w0g",
+ "3lty",
+ "6tvr",
+ "1c3l",
+ "1g94",
+ "5ln2",
+ "4eyl",
+ "1f4z",
+ "7mu1",
+ "4kom",
+ "7y4m",
+ "7vc1",
+ "4fkh",
+ "1xnn",
+ "5usz",
+ "7laf",
+ "5hv7",
+ "2z9v",
+ "3utd",
+ "3fzn",
+ "7tom",
+ "6opf",
+ "6z2g",
+ "3zfx",
+ "3fex",
+ "1p0e",
+ "5mds",
+ "2ca1",
+ "1rqt",
+ "4mk2",
+ "5prh",
+ "3zsy",
+ "1xr6",
+ "7y50",
+ "2lzm",
+ "1k7i",
+ "1zxa",
+ "1jqj",
+ "4odw",
+ "1ouv",
+ "7x0q",
+ "4nsi",
+ "5cgw",
+ "4jjx",
+ "6lq5",
+ "3f8r",
+ "4khq",
+ "5qdk",
+ "6p6b",
+ "6rfw",
+ "1ryc",
+ "6b2r",
+ "2meb",
+ "3qmb",
+ "222l",
+ "4bjo",
+ "3ek2",
+ "2vql",
+ "3zvd",
+ "1uad",
+ "7y5x",
+ "1uqu",
+ "3sh8",
+ "2evs",
+ "7dxv",
+ "7pu5",
+ "2ivp",
+ "6b20",
+ "2n95",
+ "4xhl",
+ "2bj9",
+ "1df5",
+ "1l3k",
+ "4gtp",
+ "5gj3",
+ "2wti",
+ "5d7c",
+ "3eha",
+ "6ndy",
+ "7dzv",
+ "3n0p",
+ "4bjb",
+ "4bik",
+ "6pvl",
+ "1v0s",
+ "6j8y",
+ "6shs",
+ "2jzw",
+ "3umk",
+ "6b0y",
+ "4rl0",
+ "1qjb",
+ "7pqv",
+ "4rfz",
+ "7pvm",
+ "2c7a",
+ "4oij",
+ "1n8q",
+ "5cu4",
+ "6yyh",
+ "6tmy",
+ "6esn",
+ "1w4s",
+ "6n2r",
+ "5glu",
+ "7c4d",
+ "1wyy",
+ "4pwi",
+ "2pjo",
+ "2w9f",
+ "7e9g",
+ "1zvr",
+ "5w0r",
+ "3l3q",
+ "1lgr",
+ "1e28",
+ "6w7z",
+ "2ym3",
+ "6mer",
+ "5eop",
+ "5hed",
+ "1zo2",
+ "6eng",
+ "5bx2",
+ "4u6q",
+ "6itc",
+ "2x8y",
+ "6n95",
+ "2md5",
+ "4bae",
+ "6y0u",
+ "1zhn",
+ "1es7",
+ "3hkb",
+ "7rec",
+ "5hoe",
+ "3at6",
+ "7raa",
+ "7lmm",
+ "3gjb",
+ "6t70",
+ "6pt2",
+ "7xa4",
+ "2v9b",
+ "4f26",
+ "5r00",
+ "2v8m",
+ "7ywp",
+ "2fiv",
+ "5xwl",
+ "5p35",
+ "5l73",
+ "2vn1",
+ "1irm",
+ "1hvh",
+ "2uv3",
+ "7vnb",
+ "5nlk",
+ "1lij",
+ "1iad",
+ "8ibk",
+ "5w17",
+ "7lov",
+ "4h4o",
+ "3esx",
+ "2gyu",
+ "3x0y",
+ "3dyq",
+ "6rj5",
+ "6imf",
+ "1g90",
+ "6bt4",
+ "4ay6",
+ "5zpw",
+ "3m0o",
+ "2vki",
+ "4f2q",
+ "5sce",
+ "7o2i",
+ "1ovs",
+ "2lnz",
+ "4xeh",
+ "4ps3",
+ "1y6l",
+ "3w5u",
+ "3r00",
+ "5k0w",
+ "1gca",
+ "3rlu",
+ "3w6j",
+ "1kl2",
+ "4gji",
+ "1l4v",
+ "5r86",
+ "3cme",
+ "5ruk",
+ "2xwd",
+ "7e3z",
+ "6e5u",
+ "7n5d",
+ "4ty8",
+ "1zmu",
+ "2vf1",
+ "6ks9",
+ "1mh0",
+ "4drx",
+ "4id7",
+ "1sj1",
+ "3cpe",
+ "6quz",
+ "5mw0",
+ "4zv8",
+ "6vc0",
+ "4fcf",
+ "1tuu",
+ "7m5o",
+ "4xfq",
+ "5cok",
+ "4g5j",
+ "3dl0",
+ "6o30",
+ "2kgc",
+ "2n6p",
+ "5hjb",
+ "7m0o",
+ "8bqp",
+ "4bdv",
+ "1isf",
+ "8a49",
+ "3wo4",
+ "4gia",
+ "6a71",
+ "3qwo",
+ "4oyf",
+ "5vig",
+ "7d5c",
+ "1bap",
+ "7rxo",
+ "4kwg",
+ "4zbt",
+ "1l5f",
+ "2xhc",
+ "3jrz",
+ "1uyx",
+ "1uk6",
+ "4kig",
+ "5ptr",
+ "4jpx",
+ "1sju",
+ "4efv",
+ "1p4x",
+ "5j8i",
+ "4cld",
+ "1i4r",
+ "5vmw",
+ "4zp9",
+ "1gyx",
+ "4gt7",
+ "1k9a",
+ "3nkr",
+ "6mrd",
+ "2fni",
+ "6rat",
+ "1gnb",
+ "2hef",
+ "4gp5",
+ "3fjx",
+ "7lzh",
+ "5w2e",
+ "7x06",
+ "6cf7",
+ "3v7u",
+ "6ejb",
+ "7gpb",
+ "2r97",
+ "2ydv",
+ "1zum",
+ "6o35",
+ "2nvz",
+ "3gzk",
+ "4u9n",
+ "2aac",
+ "2v6g",
+ "5d5y",
+ "7yob",
+ "3eqs",
+ "4yub",
+ "7acc",
+ "5oca",
+ "5qg6",
+ "2zpp",
+ "2v3e",
+ "6o4z",
+ "5fia",
+ "1lhu",
+ "2a4q",
+ "1gub",
+ "2al6",
+ "3gpb",
+ "7q15",
+ "5oyq",
+ "1edj",
+ "1fsb",
+ "6wiv",
+ "1cl3",
+ "3wry",
+ "3tv6",
+ "4yv8",
+ "4hcz",
+ "5oam",
+ "3lpe",
+ "4kt6",
+ "2rgg",
+ "4nlz",
+ "6of0",
+ "7z04",
+ "6s2j",
+ "2x88",
+ "6vi6",
+ "4uar",
+ "5bzw",
+ "3u5u",
+ "6ybe",
+ "2xp6",
+ "6u4o",
+ "1arw",
+ "1k3t",
+ "6plq",
+ "5xl0",
+ "4euc",
+ "7r97",
+ "6fbg",
+ "2hkz",
+ "1mfl",
+ "7ber",
+ "4kzz",
+ "4wtu",
+ "7qid",
+ "6nm1",
+ "4fbk",
+ "1kv1",
+ "1v0n",
+ "2kdi",
+ "1bj4",
+ "1ntn",
+ "5f35",
+ "2fmj",
+ "2bxr",
+ "8e8o",
+ "7l3e",
+ "6ui6",
+ "4uto",
+ "6cls",
+ "3zyc",
+ "5s3o",
+ "5kiq",
+ "6gob",
+ "3rdo",
+ "1i12",
+ "1k0l",
+ "5qii",
+ "2j9i",
+ "6cee",
+ "7kk5",
+ "4awq",
+ "2a63",
+ "3b00",
+ "4a0s",
+ "3v8m",
+ "2g8w",
+ "3eh8",
+ "5fgf",
+ "2z1z",
+ "4asv",
+ "5dbl",
+ "5w9a",
+ "2k4p",
+ "6a8b",
+ "3gps",
+ "6jn5",
+ "3frg",
+ "4wyh",
+ "6cu0",
+ "7k7m",
+ "2gsu",
+ "2a6d",
+ "2k6z",
+ "1ifv",
+ "2hts",
+ "1w8z",
+ "3pp6",
+ "1hwr",
+ "2rjx",
+ "2e1m",
+ "7m98",
+ "1l27",
+ "2nr9",
+ "6bpp",
+ "7zh6",
+ "2k3x",
+ "3tdv",
+ "1ui6",
+ "6zqw",
+ "1z5r",
+ "6ao9",
+ "3w96",
+ "3wv6",
+ "6g3e",
+ "6n12",
+ "6jtz",
+ "4ocq",
+ "7q8y",
+ "3jqf",
+ "6yzw",
+ "6ki9",
+ "4mux",
+ "5mrb",
+ "1zbl",
+ "6m9j",
+ "5cga",
+ "7fnt",
+ "2osf",
+ "5m6z",
+ "1wq2",
+ "3pu3",
+ "4mpw",
+ "6ihx",
+ "4gf2",
+ "2v1z",
+ "6e4n",
+ "6pfq",
+ "4uvv",
+ "5gjh",
+ "7sta",
+ "6dfw",
+ "4yir",
+ "2ksb",
+ "2hfw",
+ "5edc",
+ "5qd1",
+ "6ifc",
+ "3ozw",
+ "1k7l",
+ "1x8b",
+ "2x36",
+ "6iuv",
+ "2zrj",
+ "7ufj",
+ "6x05",
+ "5xp8",
+ "7s8y",
+ "2rdq",
+ "6z30",
+ "6dwo",
+ "2l4k",
+ "4zrr",
+ "4gj7",
+ "6bnu",
+ "2vh0",
+ "1d2o",
+ "4gto",
+ "1fgj",
+ "5kf8",
+ "2jjx",
+ "6k5f",
+ "6ksw",
+ "3lvj",
+ "5ljy",
+ "6dkg",
+ "5x5t",
+ "6m76",
+ "6nnv",
+ "6kmr",
+ "6khi",
+ "3wnt",
+ "2orl",
+ "1yzb",
+ "6nx2",
+ "1lgt",
+ "2lnx",
+ "3m11",
+ "5luv",
+ "2ggi",
+ "4a10",
+ "5l9q",
+ "6kak",
+ "4pqa",
+ "6cyb",
+ "4rsl",
+ "6acu",
+ "2cdt",
+ "1dvd",
+ "1jnj",
+ "3qdd",
+ "6mif",
+ "4i8b",
+ "1pn0",
+ "6wv1",
+ "7vyo",
+ "6fhe",
+ "5rub",
+ "7n8q",
+ "4yxk",
+ "8f86",
+ "6s8s",
+ "6tcw",
+ "1bn8",
+ "1l1n",
+ "2zfg",
+ "4kln",
+ "1ziu",
+ "1j0h",
+ "1gh8",
+ "4cmt",
+ "6fz7",
+ "4eqr",
+ "7f70",
+ "6pwr",
+ "5qz9",
+ "1yx7",
+ "3jz1",
+ "4wdh",
+ "8dsa",
+ "6sac",
+ "3rhb",
+ "4l5h",
+ "1twz",
+ "1qsz",
+ "3kn0",
+ "6yci",
+ "2zw9",
+ "3feq",
+ "4r0o",
+ "1v7v",
+ "1ogh",
+ "4jlz",
+ "2x04",
+ "2n5g",
+ "4rab",
+ "3li4",
+ "4jm5",
+ "5a5y",
+ "7y4u",
+ "4qi4",
+ "4rbx",
+ "5jdq",
+ "3ebh",
+ "5lel",
+ "3e3g",
+ "7xhg",
+ "6lag",
+ "4htp",
+ "3mgx",
+ "6rvl",
+ "3n6d",
+ "4can",
+ "1h0b",
+ "5tym",
+ "6y5d",
+ "3su0",
+ "6g4p",
+ "5wip",
+ "6fn0",
+ "5rmc",
+ "2mhu",
+ "4lm3",
+ "1rws",
+ "1dth",
+ "4n5x",
+ "3zmj",
+ "1g8h",
+ "1dt2",
+ "5ity",
+ "3j1w",
+ "5rte",
+ "4v2f",
+ "4put",
+ "6o5g",
+ "6p9e",
+ "5nem",
+ "2y3j",
+ "2w8q",
+ "5y8z",
+ "4da1",
+ "4gr8",
+ "4x0c",
+ "2omu",
+ "1u5m",
+ "1mbb",
+ "5v2o",
+ "5eld",
+ "3u6f",
+ "7tqx",
+ "6ae6",
+ "2y2k",
+ "2hob",
+ "2fw5",
+ "6fpa",
+ "7emk",
+ "1q0m",
+ "4rgy",
+ "1fap",
+ "1pxp",
+ "5x5d",
+ "4af8",
+ "2omw",
+ "5c7f",
+ "3qqt",
+ "7pbn",
+ "3avf",
+ "1l8z",
+ "4gfo",
+ "4mjc",
+ "6hm1",
+ "3spd",
+ "5om9",
+ "2m02",
+ "2fek",
+ "5lg5",
+ "3oid",
+ "1erw",
+ "2juo",
+ "7lud",
+ "2q4h",
+ "5z55",
+ "6qi0",
+ "4bhk",
+ "3uvo",
+ "2bq7",
+ "6j1z",
+ "6zf0",
+ "6zt4",
+ "3rm5",
+ "1zk9",
+ "2hbg",
+ "3ev3",
+ "4c93",
+ "5yfg",
+ "1zmy",
+ "6qjm",
+ "1ie9",
+ "3vf9",
+ "5lfo",
+ "5oj5",
+ "5u3m",
+ "3npr",
+ "6bqa",
+ "4uqk",
+ "1jbm",
+ "5vxo",
+ "6br1",
+ "1bd9",
+ "7xv9",
+ "3b2t",
+ "5iwm",
+ "1z0a",
+ "3cga",
+ "3sti",
+ "8b8q",
+ "7l6u",
+ "3m21",
+ "6lhh",
+ "2pj6",
+ "3vag",
+ "3air",
+ "4iod",
+ "7omj",
+ "4cwa",
+ "1e91",
+ "4tnd",
+ "5yco",
+ "1lby",
+ "3n7j",
+ "4wz9",
+ "6ou3",
+ "3ahn",
+ "2g18",
+ "5p5q",
+ "2a8c",
+ "1wbg",
+ "1e8y",
+ "2g8q",
+ "5n2r",
+ "7rh9",
+ "7a6r",
+ "1dmn",
+ "3h7u",
+ "3zdg",
+ "4r51",
+ "1q6u",
+ "7kpz",
+ "2z1t",
+ "1qsr",
+ "7l0m",
+ "3t9k",
+ "5wih",
+ "6qxq",
+ "3sse",
+ "1cmc",
+ "5f39",
+ "4wnk",
+ "1uom",
+ "1g8t",
+ "2pzp",
+ "3mnj",
+ "6al3",
+ "5rtw",
+ "2ibx",
+ "7p3w",
+ "6pml",
+ "5gnk",
+ "2ja3",
+ "1bi4",
+ "6j58",
+ "6wa1",
+ "3qi0",
+ "5txi",
+ "1hd1",
+ "3ujl",
+ "7fhw",
+ "1jta",
+ "4lns",
+ "7sfq",
+ "4acj",
+ "5oji",
+ "4toa",
+ "3nxp",
+ "5lu7",
+ "5f56",
+ "4cn9",
+ "3odh",
+ "6wo2",
+ "5kxn",
+ "3gjr",
+ "2mpz",
+ "6xas",
+ "7kev",
+ "8e4f",
+ "1j0p",
+ "1a6d",
+ "5gtj",
+ "4dtx",
+ "3ved",
+ "4an6",
+ "4dvf",
+ "5ty3",
+ "3nu7",
+ "6px6",
+ "5fca",
+ "3ety",
+ "1b1y",
+ "3pbu",
+ "4iqk",
+ "3mu7",
+ "3v3v",
+ "4k2p",
+ "4hz3",
+ "2qdx",
+ "3g1y",
+ "3axf",
+ "7n8n",
+ "4jpm",
+ "3dqr",
+ "4jz7",
+ "3lg8",
+ "6bn5",
+ "2ijn",
+ "7al0",
+ "1q32",
+ "4f62",
+ "6zpa",
+ "6voi",
+ "5wdz",
+ "1f40",
+ "6lht",
+ "1g0i",
+ "6h9z",
+ "8drn",
+ "7pdj",
+ "4fjv",
+ "4y7c",
+ "6l0s",
+ "2pt9",
+ "1mpz",
+ "1hhs",
+ "4k67",
+ "5xm8",
+ "4jnz",
+ "1gss",
+ "1v6f",
+ "5bju",
+ "6dyl",
+ "2llx",
+ "1fp3",
+ "2jpp",
+ "4r58",
+ "5hqa",
+ "2vh4",
+ "5pkd",
+ "5jsj",
+ "2fua",
+ "6eln",
+ "1qdd",
+ "4nqk",
+ "4k5n",
+ "2h9k",
+ "1il6",
+ "5hj9",
+ "5bup",
+ "6gbu",
+ "1xr9",
+ "1ftf",
+ "5vm4",
+ "1xn4",
+ "1yke",
+ "4bq3",
+ "1r5n",
+ "2a1x",
+ "7jkb",
+ "3erk",
+ "1b7j",
+ "6ek3",
+ "2zjv",
+ "8eck",
+ "1hmc",
+ "6dye",
+ "5uzr",
+ "4ojc",
+ "5vdt",
+ "1p4w",
+ "3qjr",
+ "6ngk",
+ "4djy",
+ "5u3i",
+ "4zw2",
+ "1uds",
+ "2ix1",
+ "4zuv",
+ "2knx",
+ "3prs",
+ "4j5b",
+ "7bp3",
+ "5tpr",
+ "7agq",
+ "6gtj",
+ "1v7x",
+ "5o8v",
+ "8dbd",
+ "6br9",
+ "4c7f",
+ "7mnv",
+ "4yor",
+ "6f04",
+ "5lcc",
+ "3tk3",
+ "1edw",
+ "7nrz",
+ "2fpu",
+ "5x9g",
+ "3u88",
+ "7aax",
+ "1xg3",
+ "4f5p",
+ "1jjf",
+ "7wkh",
+ "7ezw",
+ "4xce",
+ "5c7d",
+ "6s1y",
+ "6cs3",
+ "7yyi",
+ "4zlc",
+ "3kic",
+ "5std",
+ "1e8u",
+ "7opb",
+ "3sz0",
+ "1ut5",
+ "4hmh",
+ "6tf7",
+ "6zs4",
+ "6b3t",
+ "5mdn",
+ "4l7d",
+ "1cr0",
+ "4g1c",
+ "2e36",
+ "1hfq",
+ "3lh4",
+ "6u38",
+ "2d31",
+ "4m4q",
+ "4yb7",
+ "4ak3",
+ "6op1",
+ "5adh",
+ "5cxw",
+ "3azr",
+ "2w3e",
+ "6xfl",
+ "2ory",
+ "6ffy",
+ "7y8a",
+ "1n0g",
+ "2std",
+ "6p1v",
+ "4jkb",
+ "6iam",
+ "2dw5",
+ "3gc0",
+ "7w9i",
+ "4bse",
+ "5vj1",
+ "6re0",
+ "6lem",
+ "2j6g",
+ "1uu2",
+ "7k5h",
+ "2m5a",
+ "1xvp",
+ "4uzd",
+ "1hlq",
+ "4oto",
+ "4gpg",
+ "1e5j",
+ "5z7d",
+ "1yyp",
+ "2j4n",
+ "1jww",
+ "6oaj",
+ "5t4u",
+ "4eph",
+ "4el9",
+ "4tnr",
+ "6v1a",
+ "6n6q",
+ "5jy0",
+ "5v9h",
+ "2kr2",
+ "1p5c",
+ "7did",
+ "1b2b",
+ "4b9g",
+ "6aea",
+ "1coo",
+ "3ol3",
+ "5l7i",
+ "3tid",
+ "5onp",
+ "3oso",
+ "3p56",
+ "4tqj",
+ "5kdw",
+ "6jb1",
+ "7sjt",
+ "1vs3",
+ "7vuu",
+ "3enz",
+ "2huk",
+ "4iv2",
+ "5g5w",
+ "2r7k",
+ "3f8b",
+ "2m5n",
+ "5ei1",
+ "3sbj",
+ "4jl8",
+ "2iok",
+ "6mhs",
+ "7z2r",
+ "4c29",
+ "4tvt",
+ "5h3h",
+ "6xia",
+ "3a4p",
+ "5abj",
+ "5y92",
+ "1ah6",
+ "7wz4",
+ "1wt8",
+ "4umk",
+ "7m0u",
+ "1g36",
+ "4imc",
+ "2qi0",
+ "5ogc",
+ "5w3k",
+ "5apy",
+ "1f13",
+ "5rbt",
+ "5rgn",
+ "7z57",
+ "6ei5",
+ "7ond",
+ "4xaq",
+ "7kw6",
+ "3c3i",
+ "4j12",
+ "7tzf",
+ "4uz6",
+ "3o5p",
+ "6oom",
+ "1gj8",
+ "6psh",
+ "7pfi",
+ "3kx4",
+ "4luo",
+ "2n77",
+ "3f7j",
+ "6u9o",
+ "3hug",
+ "1b12",
+ "4b5m",
+ "3tgp",
+ "1kyy",
+ "5lx1",
+ "2zb8",
+ "8dy7",
+ "6kkk",
+ "7t3z",
+ "1n65",
+ "3shz",
+ "2fog",
+ "7au8",
+ "3oe8",
+ "7uyg",
+ "2rit",
+ "2vn2",
+ "5uul",
+ "5jzx",
+ "6yma",
+ "7mkn",
+ "2d1e",
+ "1ilt",
+ "5uoq",
+ "2c5n",
+ "7t1h",
+ "6bu1",
+ "7php",
+ "2wju",
+ "3pzw",
+ "6mja",
+ "5uj3",
+ "7fo4",
+ "7lst",
+ "1ek2",
+ "5wa4",
+ "7k6f",
+ "5uyz",
+ "7o4v",
+ "6m89",
+ "3bu4",
+ "6hi8",
+ "5a80",
+ "4wdf",
+ "2g4w",
+ "7mfp",
+ "1nkd",
+ "2lnw",
+ "7fke",
+ "2kq6",
+ "3wwi",
+ "6ely",
+ "3fc4",
+ "5ybu",
+ "5kdd",
+ "2w2u",
+ "3dxw",
+ "6no0",
+ "5eb3",
+ "6vty",
+ "6adi",
+ "3u8j",
+ "7r9x",
+ "3k7r",
+ "5e30",
+ "2jij",
+ "6jca",
+ "5xnq",
+ "5ogn",
+ "5vsd",
+ "3rn5",
+ "6pkr",
+ "6vol",
+ "1wt2",
+ "2ctn",
+ "4hct",
+ "2x6x",
+ "3r6o",
+ "4eiz",
+ "4czu",
+ "2kb1",
+ "4xsy",
+ "6ngw",
+ "6nzt",
+ "1pmo",
+ "3q5h",
+ "1ip4",
+ "2a2z",
+ "5grt",
+ "4xaj",
+ "7b2k",
+ "6hle",
+ "5mjk",
+ "1pou",
+ "6hyl",
+ "4o1z",
+ "2xgj",
+ "4fbl",
+ "3v0h",
+ "3p0e",
+ "6vtj",
+ "3smz",
+ "4die",
+ "2imm",
+ "6vri",
+ "6lmh",
+ "1oim",
+ "5wv8",
+ "4euo",
+ "1kxw",
+ "2k8c",
+ "3f3m",
+ "7ako",
+ "6jw0",
+ "3zcn",
+ "5a4a",
+ "6xty",
+ "2wck",
+ "4rje",
+ "3fak",
+ "4hgt",
+ "6tzh",
+ "2agv",
+ "4k9t",
+ "1by9",
+ "5vd0",
+ "2jzf",
+ "4yhv",
+ "2j6z",
+ "1dlj",
+ "3w1f",
+ "4ueu",
+ "5y60",
+ "3uzq",
+ "6jfm",
+ "5kx6",
+ "1mcc",
+ "4l19",
+ "6p8g",
+ "6mt6",
+ "4udo",
+ "7acw",
+ "6dj3",
+ "3x1s",
+ "1z66",
+ "2e63",
+ "5fc1",
+ "1ynq",
+ "3fd6",
+ "6cdm",
+ "4ktr",
+ "1bzl",
+ "4koy",
+ "4oyr",
+ "4hvv",
+ "6siq",
+ "6rwd",
+ "5drz",
+ "4hz8",
+ "2kyv",
+ "1dqa",
+ "6amw",
+ "5fdj",
+ "6z1n",
+ "7yzm",
+ "1two",
+ "4r27",
+ "3kzj",
+ "7onu",
+ "4uw8",
+ "6qwi",
+ "1zcm",
+ "4wbv",
+ "4hn4",
+ "3hi4",
+ "7kk9",
+ "4qgu",
+ "5yxc",
+ "7tty",
+ "5vjf",
+ "3moq",
+ "5utt",
+ "5ppo",
+ "4caf",
+ "6ccq",
+ "110l",
+ "6sr6",
+ "7n4p",
+ "5l7g",
+ "3ts2",
+ "2z1e",
+ "4z5s",
+ "6g28",
+ "5ph2",
+ "2m3k",
+ "6rzg",
+ "3p0k",
+ "2fkk",
+ "2ft0",
+ "8bew",
+ "6s1l",
+ "4tww",
+ "5njc",
+ "5o77",
+ "6vg5",
+ "3mn9",
+ "1p7k",
+ "2kni",
+ "6e6f",
+ "3eg0",
+ "6i1e",
+ "4nl9",
+ "6wmh",
+ "7dny",
+ "6d8k",
+ "6tv4",
+ "1q5a",
+ "6dh4",
+ "3jcc",
+ "5rln",
+ "1k18",
+ "6kph",
+ "4ywl",
+ "6ui3",
+ "1wsu",
+ "7bad",
+ "6rf2",
+ "3q6j",
+ "2rax",
+ "4jc1",
+ "1m7d",
+ "2e61",
+ "1s6x",
+ "1my8",
+ "3krd",
+ "5l4e",
+ "5twt",
+ "6vg9",
+ "4xzy",
+ "3b9b",
+ "6ada",
+ "1fcz",
+ "7fbh",
+ "4wvc",
+ "3khe",
+ "2mgf",
+ "4z22",
+ "6ehm",
+ "4dsq",
+ "6f4m",
+ "7o91",
+ "1m1f",
+ "2zp2",
+ "7aii",
+ "2aeh",
+ "6tbo",
+ "4jgf",
+ "6z2j",
+ "4z3a",
+ "7klc",
+ "5g58",
+ "2rgb",
+ "1p0h",
+ "5ceo",
+ "6ps5",
+ "3ner",
+ "4p8x",
+ "6i6h",
+ "7bhw",
+ "4co8",
+ "6esi",
+ "4inh",
+ "2xbg",
+ "7p0n",
+ "2g9j",
+ "3fru",
+ "5lxs",
+ "2vcw",
+ "2bs9",
+ "7tdo",
+ "1c5i",
+ "2h9v",
+ "6max",
+ "6do3",
+ "4p96",
+ "1bux",
+ "1i42",
+ "5nbw",
+ "1wam",
+ "1zu3",
+ "2z5m",
+ "6utt",
+ "2fn0",
+ "6b6h",
+ "1vi6",
+ "4avd",
+ "2gfa",
+ "1fri",
+ "6fes",
+ "6t1l",
+ "4brm",
+ "7dyk",
+ "1akz",
+ "7xp6",
+ "7alj",
+ "6xxs",
+ "2hvp",
+ "2w99",
+ "2oat",
+ "3tsi",
+ "2y8g",
+ "4fow",
+ "2c6f",
+ "3wyx",
+ "4o8h",
+ "4bm4",
+ "2wwx",
+ "3zrh",
+ "6vrb",
+ "4fir",
+ "2c62",
+ "1u7q",
+ "5e38",
+ "1azs",
+ "4fof",
+ "1y6r",
+ "5eb4",
+ "3wrv",
+ "5s1s",
+ "3l57",
+ "6vy5",
+ "5uk9",
+ "3v21",
+ "1lhp",
+ "6jam",
+ "7lum",
+ "5phk",
+ "1qp3",
+ "7uf3",
+ "1hzi",
+ "2alx",
+ "4bzw",
+ "7t1z",
+ "2ik7",
+ "5tgy",
+ "6kv3",
+ "4khw",
+ "4int",
+ "1jm1",
+ "1xac",
+ "3zc5",
+ "6quv",
+ "5fws",
+ "3t9n",
+ "3cs9",
+ "2zwi",
+ "5v4l",
+ "5nrx",
+ "1lsy",
+ "7suo",
+ "5jyo",
+ "6pyo",
+ "5utr",
+ "5igj",
+ "4wba",
+ "6di6",
+ "3gtt",
+ "4p8l",
+ "6vpp",
+ "5mjl",
+ "4jba",
+ "3ins",
+ "7qco",
+ "1b8u",
+ "6z81",
+ "8d6n",
+ "5ar2",
+ "5vtq",
+ "6lm1",
+ "2y78",
+ "5o3x",
+ "1w5r",
+ "7dys",
+ "3sew",
+ "7m3j",
+ "2a6u",
+ "6onf",
+ "6bbm",
+ "1eap",
+ "3isd",
+ "5a63",
+ "5n2p",
+ "5ubj",
+ "2qd5",
+ "5tw8",
+ "4q8z",
+ "4j9j",
+ "7kfu",
+ "6zgb",
+ "1sza",
+ "2bl5",
+ "6g81",
+ "7f6u",
+ "2f6i",
+ "3aea",
+ "2cak",
+ "3hgp",
+ "5j6q",
+ "6ljb",
+ "3vp8",
+ "7b0q",
+ "13gs",
+ "4pya",
+ "3n4a",
+ "4c67",
+ "5vya",
+ "2vij",
+ "3gt4",
+ "4kqh",
+ "2hfe",
+ "5nu2",
+ "5duf",
+ "6qgx",
+ "6l24",
+ "1e5w",
+ "2jmp",
+ "3dtm",
+ "6x2w",
+ "5czc",
+ "3erf",
+ "2z62",
+ "4phj",
+ "4yag",
+ "3u0o",
+ "5uad",
+ "2kji",
+ "4f83",
+ "4zcv",
+ "2p0h",
+ "4cnr",
+ "4xep",
+ "4gx5",
+ "3q9e",
+ "5nqw",
+ "2w8n",
+ "2j7d",
+ "2w19",
+ "5du3",
+ "5bnd",
+ "6zae",
+ "5pbd",
+ "6f77",
+ "3p7o",
+ "4y86",
+ "7d53",
+ "3glj",
+ "3uev",
+ "6xbg",
+ "4yt3",
+ "2htb",
+ "5hyq",
+ "2buh",
+ "7pf8",
+ "2gdz",
+ "7o2b",
+ "1c54",
+ "4wjt",
+ "4wdc",
+ "7s5b",
+ "2qqj",
+ "3f36",
+ "4dq4",
+ "7rlb",
+ "7lje",
+ "3nsi",
+ "1c6r",
+ "6kfn",
+ "7bcp",
+ "4wh2",
+ "2l71",
+ "1j02",
+ "3lqb",
+ "2mke",
+ "1i78",
+ "1wm2",
+ "7a0h",
+ "1t2y",
+ "3khr",
+ "1ldd",
+ "5b2n",
+ "6y94",
+ "1q6a",
+ "6dwa",
+ "5e7j",
+ "2fzd",
+ "3uw9",
+ "3qw3",
+ "5w34",
+ "4cnb",
+ "5xzx",
+ "6nv9",
+ "2jev",
+ "5agu",
+ "5iwr",
+ "1j1h",
+ "3b23",
+ "7sfe",
+ "3sbq",
+ "2vpd",
+ "1op9",
+ "5x6g",
+ "5z49",
+ "3us9",
+ "7lb5",
+ "5ne1",
+ "5lv5",
+ "5oz2",
+ "8a4k",
+ "7v9g",
+ "6d1p",
+ "4uj4",
+ "7soa",
+ "7mfg",
+ "2ct9",
+ "7vmh",
+ "2aho",
+ "6gpe",
+ "4g9y",
+ "4xy8",
+ "4hpj",
+ "3fhj",
+ "3tjs",
+ "5tmz",
+ "7th6",
+ "5ltk",
+ "6uzv",
+ "5opw",
+ "6n6n",
+ "1agc",
+ "1d7m",
+ "7snc",
+ "4oey",
+ "2sfa",
+ "6uch",
+ "2zt0",
+ "4rw9",
+ "5utp",
+ "5njl",
+ "3qhn",
+ "6wj3",
+ "4den",
+ "7xkt",
+ "2vpl",
+ "3zdt",
+ "4h8p",
+ "3dbl",
+ "6j1r",
+ "7om2",
+ "4f3t",
+ "1dm6",
+ "5yj5",
+ "7eqv",
+ "6cuh",
+ "4m8y",
+ "3fmp",
+ "5lzg",
+ "6qfx",
+ "1n5n",
+ "2okb",
+ "6pwf",
+ "3chc",
+ "2i2d",
+ "2ly6",
+ "3km6",
+ "6cu7",
+ "2fd4",
+ "3o5u",
+ "4qz1",
+ "7n5z",
+ "6sne",
+ "4uf6",
+ "1zor",
+ "5f8b",
+ "3qiu",
+ "6fgk",
+ "8a9l",
+ "7u1n",
+ "3f1n",
+ "4g9c",
+ "6hs1",
+ "3eni",
+ "5ugv",
+ "2ica",
+ "5tc3",
+ "4ca2",
+ "2ati",
+ "6rz2",
+ "2zk2",
+ "5lwl",
+ "5o85",
+ "1oe7",
+ "2eiz",
+ "1fth",
+ "8edu",
+ "2pu9",
+ "6o4f",
+ "1ieg",
+ "6h1s",
+ "4aly",
+ "7tec",
+ "5es8",
+ "2c5w",
+ "1t3s",
+ "6rrm",
+ "5ud3",
+ "6rt1",
+ "6tej",
+ "1c6w",
+ "4f79",
+ "6xpx",
+ "3foh",
+ "1cbm",
+ "7fpa",
+ "6rpb",
+ "7ei2",
+ "2pkd",
+ "2chf",
+ "5qni",
+ "3dsp",
+ "1k76",
+ "4ur8",
+ "7xit",
+ "3h6j",
+ "4gsz",
+ "7dz1",
+ "1png",
+ "3t5a",
+ "4tzt",
+ "4esw",
+ "6w3i",
+ "3nsj",
+ "2ch1",
+ "6wpe",
+ "6uuo",
+ "4ks4",
+ "7qn9",
+ "7ng4",
+ "3pjc",
+ "4jlv",
+ "3itw",
+ "7a2g",
+ "1xzu",
+ "3lmv",
+ "5fmw",
+ "1h4l",
+ "3em1",
+ "3lpa",
+ "5pfn",
+ "1o2x",
+ "6upp",
+ "5wet",
+ "1m9l",
+ "1zz7",
+ "2b91",
+ "7o62",
+ "2glx",
+ "4jcx",
+ "5n6i",
+ "1v3w",
+ "1mjj",
+ "4m1z",
+ "4xva",
+ "1pv6",
+ "1yjt",
+ "2ofz",
+ "3cp2",
+ "1bvc",
+ "6spj",
+ "3qin",
+ "6doz",
+ "3wgc",
+ "7w8a",
+ "1sqw",
+ "6zlz",
+ "5dzz",
+ "1c52",
+ "6ry1",
+ "4o87",
+ "3tvr",
+ "4grm",
+ "6b6i",
+ "4jka",
+ "1xmm",
+ "1h4t",
+ "5oic",
+ "4uax",
+ "4hi0",
+ "6q92",
+ "1qof",
+ "1abo",
+ "2qb7",
+ "5t8f",
+ "1rqm",
+ "6bnn",
+ "5jzd",
+ "2vh1",
+ "1gh6",
+ "2b71",
+ "3ewc",
+ "6gpb",
+ "4pey",
+ "2f43",
+ "6lpu",
+ "5vuk",
+ "1e21",
+ "2yca",
+ "4zfa",
+ "1hn3",
+ "1tn4",
+ "4s2a",
+ "2bea",
+ "5jic",
+ "2go4",
+ "3vxv",
+ "5pt9",
+ "7xzb",
+ "1ptt",
+ "2fss",
+ "2nsl",
+ "4yhd",
+ "5ppi",
+ "3nlf",
+ "2a6n",
+ "2xm7",
+ "7tus",
+ "2vps",
+ "1dgg",
+ "5vxy",
+ "1pnl",
+ "5xvi",
+ "1ps5",
+ "3zv0",
+ "2pie",
+ "2rdl",
+ "5ubh",
+ "7vez",
+ "1uvm",
+ "5ltj",
+ "1ht8",
+ "5ac1",
+ "5dre",
+ "3l88",
+ "4av4",
+ "6qgr",
+ "5mmg",
+ "5k5g",
+ "1czn",
+ "7b76",
+ "1lz0",
+ "3s9m",
+ "1f5n",
+ "3mkk",
+ "1p44",
+ "5yi4",
+ "1en6",
+ "7p6i",
+ "1yns",
+ "7q51",
+ "2oep",
+ "1dif",
+ "4oib",
+ "3wsd",
+ "5tg8",
+ "7tao",
+ "7rua",
+ "7byf",
+ "3pcd",
+ "7mtl",
+ "2z38",
+ "7oen",
+ "2lve",
+ "6fgv",
+ "3ino",
+ "7mgo",
+ "5ayb",
+ "3fkw",
+ "4pqu",
+ "3pdy",
+ "1l0k",
+ "7lq9",
+ "6o6z",
+ "6vq9",
+ "1t32",
+ "7ay3",
+ "6l1l",
+ "6und",
+ "6ej8",
+ "6u57",
+ "1sxl",
+ "2spz",
+ "7rg8",
+ "2enb",
+ "5tb8",
+ "6d6m",
+ "4ky0",
+ "3v6o",
+ "4lcb",
+ "3umv",
+ "7ou9",
+ "1iyc",
+ "7mio",
+ "6ldi",
+ "5ure",
+ "2xfl",
+ "3hxg",
+ "1fyz",
+ "4hwh",
+ "4okt",
+ "7rhj",
+ "1v9h",
+ "5zf1",
+ "2b18",
+ "6do1",
+ "7zbe",
+ "3uh2",
+ "2bue",
+ "6t2z",
+ "4jlq",
+ "1k0a",
+ "5pwt",
+ "6ke3",
+ "1mz5",
+ "6ucj",
+ "7zkt",
+ "4ln7",
+ "7m2h",
+ "4b3n",
+ "4g7z",
+ "1ew9",
+ "1p64",
+ "6xxq",
+ "6hea",
+ "1ubw",
+ "1eur",
+ "2hsd",
+ "3k2m",
+ "7ufc",
+ "6up1",
+ "6uli",
+ "6wz1",
+ "1a19",
+ "1m4b",
+ "6s69",
+ "1w6x",
+ "2fgh",
+ "4gih",
+ "5kfw",
+ "2wdc",
+ "2y89",
+ "6qz2",
+ "6x1q",
+ "3ecw",
+ "2bdl",
+ "6gm8",
+ "6zn4",
+ "4wwj",
+ "5zb4",
+ "4upp",
+ "5lam",
+ "7pqy",
+ "6m9t",
+ "1nhh",
+ "5gmr",
+ "4xjg",
+ "1zu4",
+ "4wun",
+ "5y0g",
+ "6fr0",
+ "4m9x",
+ "3l4z",
+ "1grf",
+ "7ocd",
+ "4gvp",
+ "4nps",
+ "5hnx",
+ "2bb9",
+ "1uty",
+ "4wpl",
+ "1pzd",
+ "3mzi",
+ "2yfj",
+ "7aul",
+ "6r8r",
+ "7lwa",
+ "6izt",
+ "6hwk",
+ "7uis",
+ "2jaz",
+ "4l9s",
+ "1n9x",
+ "2qdg",
+ "6wm0",
+ "7kb3",
+ "3g45",
+ "5b37",
+ "4p78",
+ "1cbi",
+ "3sgo",
+ "6rpt",
+ "1dye",
+ "4z1k",
+ "7mm3",
+ "3n32",
+ "3fem",
+ "5qz6",
+ "2n4k",
+ "5bo9",
+ "3gyp",
+ "7bip",
+ "7jy6",
+ "1pht",
+ "1ezu",
+ "7ll9",
+ "7bz5",
+ "1ata",
+ "3htp",
+ "5w0n",
+ "5pbp",
+ "6dpv",
+ "2zxg",
+ "7p4e",
+ "5hgk",
+ "5dj4",
+ "1a5n",
+ "1so2",
+ "1f9m",
+ "1wdq",
+ "5rtr",
+ "6k39",
+ "2pde",
+ "7emg",
+ "7vt8",
+ "4roa",
+ "4qfk",
+ "1o89",
+ "4fom",
+ "4wf5",
+ "1lmk",
+ "4a0d",
+ "1hme",
+ "5pm5",
+ "1jbo",
+ "1c7c",
+ "6xd9",
+ "7tl4",
+ "6jwf",
+ "6r9u",
+ "4wv5",
+ "7agh",
+ "7z61",
+ "6o53",
+ "6kvm",
+ "1jsv",
+ "6ktb",
+ "2nlf",
+ "2jp0",
+ "4pz4",
+ "6igl",
+ "5fte",
+ "1yp0",
+ "2pwo",
+ "3o8w",
+ "3chm",
+ "1l40",
+ "1kz9",
+ "2rvl",
+ "2kis",
+ "5vr0",
+ "5idp",
+ "4l58",
+ "4ieh",
+ "6cjz",
+ "6c7n",
+ "6h76",
+ "6ufr",
+ "2jco",
+ "6ife",
+ "2dtw",
+ "7fom",
+ "4gw3",
+ "6j42",
+ "5zfv",
+ "3lu0",
+ "7vj1",
+ "7o77",
+ "3m8u",
+ "6kk4",
+ "5f7n",
+ "6moh",
+ "7yp3",
+ "3lf9",
+ "6wu3",
+ "3u2j",
+ "4knw",
+ "8fcc",
+ "2kdg",
+ "5s26",
+ "5a7x",
+ "2rjq",
+ "7emz",
+ "1gxp",
+ "3r85",
+ "2vyz",
+ "2pv0",
+ "4g21",
+ "4xfy",
+ "7f3t",
+ "5ar8",
+ "4b24",
+ "8e28",
+ "1xct",
+ "3f4m",
+ "6mui",
+ "4crf",
+ "8ces",
+ "6rcf",
+ "7etb",
+ "2b7c",
+ "5ene",
+ "1mvg",
+ "3zgz",
+ "1v3s",
+ "5d6m",
+ "4log",
+ "7tu1",
+ "8ag8",
+ "1uz9",
+ "1rk1",
+ "6pyp",
+ "5kfi",
+ "6hxj",
+ "4utv",
+ "4rft",
+ "2pxe",
+ "3uec",
+ "6ugm",
+ "6jgt",
+ "7e4w",
+ "3arr",
+ "5ren",
+ "2awf",
+ "6skx",
+ "8d1l",
+ "7dpi",
+ "6nh1",
+ "2j95",
+ "6m8e",
+ "3mru",
+ "2lr5",
+ "4oqg",
+ "7wsk",
+ "6ohi",
+ "7edo",
+ "6vme",
+ "5zbj",
+ "6k0y",
+ "6xw6",
+ "7jia",
+ "3am6",
+ "6mi1",
+ "2fs7",
+ "6jmd",
+ "7pd2",
+ "1xeo",
+ "2z4q",
+ "6gqx",
+ "3ah6",
+ "5xei",
+ "4c8e",
+ "1t80",
+ "7z01",
+ "5kj7",
+ "5m7f",
+ "7p0z",
+ "4z98",
+ "5p3u",
+ "4z9i",
+ "2yb5",
+ "5mn5",
+ "5ade",
+ "2hdn",
+ "4a3x",
+ "1d5r",
+ "7n5r",
+ "3lgl",
+ "4j08",
+ "5iaz",
+ "4b02",
+ "6njs",
+ "2ad1",
+ "5zhl",
+ "7nnt",
+ "1cl4",
+ "1itu",
+ "6ocz",
+ "7kmu",
+ "1wau",
+ "8amo",
+ "6au8",
+ "1tpd",
+ "3q0q",
+ "3t20",
+ "1thc",
+ "1x35",
+ "2c21",
+ "5u05",
+ "2bxw",
+ "5ty1",
+ "7zkc",
+ "1pwl",
+ "2y81",
+ "5zol",
+ "5txc",
+ "6euq",
+ "1ucf",
+ "3ox6",
+ "3bj1",
+ "7ml6",
+ "5cxb",
+ "3b2g",
+ "4a47",
+ "5kof",
+ "1vaf",
+ "1inj",
+ "6hcb",
+ "1ugq",
+ "7mhf",
+ "7c8w",
+ "2qhc",
+ "1mhp",
+ "6q3e",
+ "5khz",
+ "1fgx",
+ "5pii",
+ "7nam",
+ "5br4",
+ "7y3c",
+ "4wss",
+ "2vm6",
+ "6yty",
+ "5ei6",
+ "1hvq",
+ "4iks",
+ "6inf",
+ "3kg5",
+ "5d48",
+ "2r8p",
+ "5hxn",
+ "3k0o",
+ "5n8g",
+ "2p7r",
+ "3gx9",
+ "7ptr",
+ "1zps",
+ "1zzb",
+ "7kgn",
+ "4oue",
+ "5ymy",
+ "6fzl",
+ "6d36",
+ "6bid",
+ "1gsy",
+ "1zzh",
+ "5h81",
+ "4q6n",
+ "5fxh",
+ "2z81",
+ "3tjk",
+ "6b88",
+ "1h11",
+ "5jem",
+ "5ofz",
+ "6cch",
+ "4s15",
+ "6mee",
+ "5jaq",
+ "3hnj",
+ "4onq",
+ "1khi",
+ "5fvj",
+ "4evz",
+ "2c7s",
+ "3vmo",
+ "4ncg",
+ "7n0c",
+ "3rzw",
+ "3zt2",
+ "6eqh",
+ "2z1j",
+ "1avr",
+ "5yl7",
+ "4gmv",
+ "5hdo",
+ "4bgh",
+ "1k7y",
+ "6lwo",
+ "2viv",
+ "4bzz",
+ "6jw1",
+ "2z1w",
+ "4ybt",
+ "1gxs",
+ "5zgb",
+ "1uuo",
+ "1agg",
+ "5sos",
+ "3pc8",
+ "1pm4",
+ "3ks2",
+ "7p62",
+ "4l8a",
+ "7ofq",
+ "6o6h",
+ "1wni",
+ "5eio",
+ "1c6y",
+ "4pvs",
+ "5nm0",
+ "5olz",
+ "7lmd",
+ "1d0v",
+ "4p17",
+ "6n63",
+ "6zkc",
+ "4hrf",
+ "2k8x",
+ "3civ",
+ "4y0r",
+ "5ksy",
+ "2zu1",
+ "1ykh",
+ "6yf3",
+ "2rd5",
+ "3lz0",
+ "2kog",
+ "4fmt",
+ "2z3j",
+ "5hqc",
+ "5tbd",
+ "6o0s",
+ "5mqy",
+ "4gbf",
+ "4g2i",
+ "3k83",
+ "3j23",
+ "4c0d",
+ "2v57",
+ "1dtz",
+ "1vec",
+ "6f8j",
+ "2zbn",
+ "5fhg",
+ "1fbf",
+ "5t4m",
+ "2xm2",
+ "5vwr",
+ "6j6t",
+ "3mu4",
+ "6hgy",
+ "6d3w",
+ "5wue",
+ "1rxs",
+ "1gv0",
+ "3fu0",
+ "1wzc",
+ "2xrz",
+ "5y9l",
+ "6bo2",
+ "5b8d",
+ "6x0q",
+ "3flr",
+ "4jwx",
+ "4twc",
+ "5uyd",
+ "1tyk",
+ "6nxi",
+ "5khs",
+ "5jje",
+ "2ka9",
+ "4dsn",
+ "6buq",
+ "7utf",
+ "6hq0",
+ "5by9",
+ "2qfn",
+ "1nl5",
+ "5i97",
+ "7wqs",
+ "6hcw",
+ "6hkq",
+ "3srz",
+ "3c0z",
+ "1rrk",
+ "2a0y",
+ "5oce",
+ "5ll1",
+ "6hcn",
+ "7m59",
+ "1lvf",
+ "7mgk",
+ "6qk8",
+ "5k9r",
+ "3rr3",
+ "7c29",
+ "1nfo",
+ "5qfn",
+ "3d1o",
+ "2ii7",
+ "5obi",
+ "7frz",
+ "6ke4",
+ "4z68",
+ "5oe8",
+ "4w6w",
+ "3l9p",
+ "8bc2",
+ "5mvr",
+ "6ty6",
+ "4hu7",
+ "8g9b",
+ "7ppc",
+ "2n32",
+ "5wzk",
+ "4h6c",
+ "4ura",
+ "2n3b",
+ "6wf6",
+ "2zya",
+ "5r9z",
+ "7jv3",
+ "6iqe",
+ "3um8",
+ "2oc1",
+ "5oqg",
+ "5phh",
+ "5jjg",
+ "1tta",
+ "1aim",
+ "2zh8",
+ "1ja4",
+ "5aeg",
+ "6qix",
+ "1ut6",
+ "4upo",
+ "7yad",
+ "5gsb",
+ "3p0l",
+ "6kip",
+ "2fr0",
+ "7jvy",
+ "5xv8",
+ "5khn",
+ "2mm4",
+ "7bh3",
+ "5ms5",
+ "2q4l",
+ "6iw6",
+ "3kc0",
+ "7tvd",
+ "1rf1",
+ "6fxk",
+ "3nw4",
+ "4u4c",
+ "6uus",
+ "2ool",
+ "5xxm",
+ "5nm1",
+ "2fm7",
+ "1vub",
+ "5wku",
+ "6n45",
+ "3mvf",
+ "4zie",
+ "4ldu",
+ "4ces",
+ "7efa",
+ "6r6h",
+ "4jc5",
+ "6eys",
+ "1dvk",
+ "5git",
+ "1xw7",
+ "7c9a",
+ "5m5q",
+ "5zty",
+ "2k0n",
+ "8bqk",
+ "1pqk",
+ "5cu2",
+ "3lgg",
+ "1ra5",
+ "8bsl",
+ "3qyl",
+ "5uf4",
+ "3nb0",
+ "4kjg",
+ "2ecf",
+ "1tl6",
+ "3tf7",
+ "4ab6",
+ "5mzy",
+ "2cin",
+ "5cas",
+ "6b33",
+ "2l7q",
+ "3v2y",
+ "8ax1",
+ "6jib",
+ "1fxw",
+ "7ppe",
+ "6reg",
+ "5ja3",
+ "6sxg",
+ "8pch",
+ "5hun",
+ "7lab",
+ "3ggg",
+ "4ju7",
+ "6g78",
+ "4ouj",
+ "5nwx",
+ "5keb",
+ "6yjp",
+ "5wxh",
+ "6yag",
+ "1yv8",
+ "1aw2",
+ "7xbk",
+ "3wcf",
+ "7see",
+ "5tbo",
+ "6uxx",
+ "4j6i",
+ "3kft",
+ "5m1q",
+ "5lyc",
+ "1pya",
+ "4txr",
+ "2o0a",
+ "1etq",
+ "6a13",
+ "4inc",
+ "2fhm",
+ "1s5q",
+ "8avv",
+ "4igh",
+ "6cvy",
+ "3rsq",
+ "7a9m",
+ "3i1k",
+ "1oaf",
+ "5eke",
+ "7u21",
+ "4o6y",
+ "1etp",
+ "2j2s",
+ "6txh",
+ "1omd",
+ "3zgb",
+ "6vnr",
+ "6lwj",
+ "4i3f",
+ "4qxp",
+ "6qav",
+ "3af4",
+ "5ofr",
+ "7adj",
+ "5tyc",
+ "8d27",
+ "6ilo",
+ "6xbw",
+ "4y8s",
+ "4qz4",
+ "7pcl",
+ "3qv7",
+ "2bud",
+ "2d3g",
+ "7nub",
+ "3k9x",
+ "5c9o",
+ "6ei6",
+ "4xka",
+ "6xq3",
+ "5qkw",
+ "4cct",
+ "7r57",
+ "1wox",
+ "6bba",
+ "5o2f",
+ "6v4p",
+ "5r9m",
+ "7bnx",
+ "1qxt",
+ "5ngk",
+ "6tym",
+ "4xub",
+ "216l",
+ "1il9",
+ "3l8v",
+ "6pmj",
+ "3q6t",
+ "6r6i",
+ "1rjb",
+ "6vzm",
+ "3lz1",
+ "2bsd",
+ "4n3s",
+ "2md1",
+ "2k0x",
+ "4llp",
+ "1dos",
+ "3gam",
+ "2kew",
+ "2qn0",
+ "1f6s",
+ "5p6t",
+ "1i2n",
+ "3aot",
+ "7ppg",
+ "2fus",
+ "6m5y",
+ "4xww",
+ "7d88",
+ "7phk",
+ "5kl5",
+ "1byc",
+ "3jaf",
+ "6wwl",
+ "6g7k",
+ "1jyf",
+ "1wxf",
+ "1dav",
+ "5t18",
+ "2rol",
+ "5maj",
+ "2pui",
+ "5jpr",
+ "2xol",
+ "6cqb",
+ "6yq4",
+ "1m48",
+ "5umq",
+ "4qvb",
+ "7no8",
+ "7ear",
+ "1ujj",
+ "1k85",
+ "4b3j",
+ "2kjf",
+ "6we2",
+ "5e6r",
+ "5aws",
+ "6h0l",
+ "6foz",
+ "3eba",
+ "5ena",
+ "4uwg",
+ "3d57",
+ "2j7l",
+ "5syf",
+ "1ome",
+ "2htw",
+ "1ta6",
+ "1oq9",
+ "3h1z",
+ "6i9s",
+ "3phl",
+ "2a92",
+ "4ym9",
+ "4uck",
+ "4gnp",
+ "5t7e",
+ "6jjo",
+ "7asb",
+ "6w67",
+ "7ufh",
+ "7xis",
+ "6l0x",
+ "3fvz",
+ "5zmy",
+ "6pn8",
+ "5fdc",
+ "3tcz",
+ "4iuv",
+ "6jtg",
+ "3kvu",
+ "3l27",
+ "3iuc",
+ "7js7",
+ "1i4z",
+ "3m5h",
+ "4gnm",
+ "4qv1",
+ "1tue",
+ "4v1p",
+ "1e3y",
+ "5w7p",
+ "2e4p",
+ "2bkv",
+ "1pux",
+ "6mgo",
+ "7xeo",
+ "7jlo",
+ "6c56",
+ "5iot",
+ "5r1s",
+ "6sbt",
+ "1len",
+ "6kpm",
+ "7dan",
+ "7pmw",
+ "1zho",
+ "8ds9",
+ "7tka",
+ "5lpc",
+ "6emg",
+ "3lkm",
+ "2xjc",
+ "2vhq",
+ "1gak",
+ "3qk8",
+ "5dwq",
+ "4ayk",
+ "4cw8",
+ "3dea",
+ "3sad",
+ "5e53",
+ "4u2x",
+ "3zup",
+ "2l1j",
+ "2i21",
+ "2pu7",
+ "5zdf",
+ "8aui",
+ "1c8e",
+ "7rfv",
+ "2jf1",
+ "7d9s",
+ "3lmt",
+ "5ebz",
+ "6ffm",
+ "7ne4",
+ "1rps",
+ "6rt8",
+ "3m6c",
+ "3uun",
+ "4yve",
+ "5a6j",
+ "3fkt",
+ "1ecq",
+ "6rqd",
+ "5jy6",
+ "6rwo",
+ "4fzm",
+ "5pvc",
+ "6z6v",
+ "7jrf",
+ "1lfh",
+ "3g1i",
+ "1nga",
+ "1b7k",
+ "1in0",
+ "7swp",
+ "8czu",
+ "3h39",
+ "8da2",
+ "6fwm",
+ "4tpj",
+ "5ifj",
+ "2h7o",
+ "6wp0",
+ "7n71",
+ "6qff",
+ "7r3o",
+ "3rzs",
+ "7psj",
+ "6zn7",
+ "4avn",
+ "1aoo",
+ "6xpi",
+ "3b42",
+ "1myr",
+ "2ya6",
+ "7qmp",
+ "1yai",
+ "1bed",
+ "5zje",
+ "3pqv",
+ "1ciz",
+ "3rx5",
+ "5ide",
+ "6atk",
+ "6hf3",
+ "5x9o",
+ "4ot6",
+ "4r3n",
+ "1bmd",
+ "3rgp",
+ "6ppm",
+ "6oey",
+ "4nka",
+ "6hme",
+ "7egk",
+ "4fx2",
+ "4lpw",
+ "6k9m",
+ "4kc4",
+ "2pl5",
+ "5u83",
+ "1exg",
+ "5dql",
+ "1k0u",
+ "2pii",
+ "4z49",
+ "5b34",
+ "3vjj",
+ "1hkt",
+ "1mry",
+ "2bii",
+ "3ode",
+ "7smm",
+ "1tr1",
+ "4kns",
+ "3e3e",
+ "3p99",
+ "3kj1",
+ "1lsv",
+ "4a1w",
+ "5e1a",
+ "7juf",
+ "5loe",
+ "1rk9",
+ "6iij",
+ "4fqf",
+ "6bf9",
+ "7s5g",
+ "2q6s",
+ "2i53",
+ "7ao3",
+ "2m2t",
+ "2rqc",
+ "6oza",
+ "3b1d",
+ "7nk7",
+ "6d9x",
+ "3sba",
+ "4pgr",
+ "7xk7",
+ "1c9f",
+ "7z74",
+ "7pp0",
+ "2z3m",
+ "6v9a",
+ "1u9z",
+ "8dhd",
+ "6y0p",
+ "5fwl",
+ "7ocr",
+ "7css",
+ "2x0b",
+ "4rr2",
+ "6ip9",
+ "4usg",
+ "7o90",
+ "5ao2",
+ "3inh",
+ "3rhk",
+ "1cvj",
+ "6sbv",
+ "7zr6",
+ "1ukq",
+ "6re2",
+ "4b2u",
+ "1nap",
+ "1isp",
+ "7vjt",
+ "7bry",
+ "6a73",
+ "4bqd",
+ "5rtu",
+ "1c2k",
+ "4fnu",
+ "3upz",
+ "2yfb",
+ "2ckb",
+ "6mwc",
+ "4ol0",
+ "5wkh",
+ "2c8t",
+ "7qmw",
+ "1m4h",
+ "6qxy",
+ "3m1n",
+ "4rt3",
+ "3uny",
+ "6b8h",
+ "5ixf",
+ "1ane",
+ "5h2g",
+ "7u4m",
+ "7s60",
+ "2wxt",
+ "1pop",
+ "7vi4",
+ "3rid",
+ "6hft",
+ "6tme",
+ "6dnd",
+ "3a6u",
+ "1vz5",
+ "2dt1",
+ "6q9l",
+ "5wos",
+ "1j55",
+ "1su7",
+ "3ueh",
+ "2v84",
+ "5pah",
+ "6su2",
+ "2kjm",
+ "2nnt",
+ "2g56",
+ "5vtw",
+ "7txk",
+ "1kvd",
+ "4ynp",
+ "6h5o",
+ "1sqq",
+ "1qls",
+ "5h6s",
+ "1u8v",
+ "5pit",
+ "6mv2",
+ "2msi",
+ "6iwr",
+ "6zmx",
+ "5gy9",
+ "5fnr",
+ "1sj5",
+ "1gb4",
+ "2cnm",
+ "3lg0",
+ "6w3v",
+ "5mv0",
+ "4bhp",
+ "1hsi",
+ "2vvk",
+ "2cmb",
+ "3fdt",
+ "4esi",
+ "4wcg",
+ "7evm",
+ "5k9t",
+ "1zlb",
+ "4znj",
+ "6gca",
+ "3tfc",
+ "3ffs",
+ "1xb6",
+ "2ycd",
+ "4knl",
+ "7m4a",
+ "1m0o",
+ "4qzg",
+ "4whj",
+ "6f69",
+ "5cl6",
+ "3ieq",
+ "2z5o",
+ "6h9a",
+ "1aen",
+ "6sr8",
+ "1hq0",
+ "8db9",
+ "3ujk",
+ "1aiu",
+ "1s56",
+ "4bui",
+ "6ibc",
+ "3k3k",
+ "6s9f",
+ "4ni3",
+ "3gg3",
+ "2pnb",
+ "5pjg",
+ "7ccx",
+ "7kws",
+ "5aes",
+ "3lkq",
+ "1ke0",
+ "4ph8",
+ "2ov7",
+ "7alq",
+ "1adn",
+ "5ogk",
+ "4lty",
+ "4a7m",
+ "6d4v",
+ "4f7p",
+ "7na4",
+ "2tmd",
+ "2dxs",
+ "6rma",
+ "5g0o",
+ "4kww",
+ "3zl6",
+ "2j6m",
+ "7v69",
+ "6dmi",
+ "6awl",
+ "7qea",
+ "2c7l",
+ "7wg3",
+ "3sta",
+ "3txa",
+ "4blf",
+ "2e0k",
+ "6g10",
+ "4i11",
+ "2a5y",
+ "1f3e",
+ "2lla",
+ "3cse",
+ "8fb2",
+ "3nvz",
+ "3d80",
+ "6ue3",
+ "6v95",
+ "1lss",
+ "1ydv",
+ "5aea",
+ "5lkq",
+ "4bl2",
+ "4oys",
+ "2wf8",
+ "7a1x",
+ "2vje",
+ "7dek",
+ "6x34",
+ "1t85",
+ "4cge",
+ "2nv6",
+ "1bgg",
+ "6u9z",
+ "7y65",
+ "3bli",
+ "6kgu",
+ "3zdy",
+ "3oc2",
+ "6sa2",
+ "2dw7",
+ "6tit",
+ "1tdl",
+ "5qlr",
+ "1pqo",
+ "7mx7",
+ "7oyu",
+ "5g67",
+ "7zzk",
+ "6o3a",
+ "2r87",
+ "8dz0",
+ "1qhx",
+ "6szx",
+ "5k1f",
+ "2yac",
+ "2f6c",
+ "4cez",
+ "4cbh",
+ "5o5k",
+ "1es0",
+ "6rxk",
+ "5wo6",
+ "5tvu",
+ "7qn4",
+ "4bah",
+ "2f81",
+ "5g33",
+ "6ub4",
+ "3mhs",
+ "1sfq",
+ "5qmr",
+ "1ggq",
+ "4rhs",
+ "2j0b",
+ "4ztr",
+ "3h3b",
+ "3jrf",
+ "1xsj",
+ "6ztr",
+ "4qwr",
+ "3cht",
+ "1a5l",
+ "2dn3",
+ "7o10",
+ "6zpl",
+ "5gwj",
+ "3i4c",
+ "3vk9",
+ "1uvq",
+ "2eph",
+ "6k92",
+ "1olh",
+ "5pnc",
+ "1c17",
+ "5gqt",
+ "6s5z",
+ "1euw",
+ "3rbs",
+ "5ojl",
+ "5lgk",
+ "2fjg",
+ "2bi7",
+ "1lcy",
+ "7qk0",
+ "6pxc",
+ "7d78",
+ "7c83",
+ "1g39",
+ "8og3",
+ "3r8u",
+ "3kfr",
+ "5jbd",
+ "4lbw",
+ "5rsl",
+ "5osm",
+ "4r8c",
+ "6muu",
+ "1pbo",
+ "7wc7",
+ "1ipk",
+ "7s9g",
+ "2bvh",
+ "5dzc",
+ "6zyp",
+ "2xuu",
+ "2ymy",
+ "3gw3",
+ "3u95",
+ "7rlz",
+ "4ddf",
+ "1ef9",
+ "4kb0",
+ "1zg8",
+ "3ca0",
+ "5vyg",
+ "4q0m",
+ "3u9b",
+ "3vdz",
+ "5g5g",
+ "6u7g",
+ "4h3i",
+ "5mhw",
+ "4uza",
+ "8rsa",
+ "1iah",
+ "5ugx",
+ "6hhy",
+ "3o1q",
+ "6lsb",
+ "3qvy",
+ "3q14",
+ "7ru0",
+ "5x18",
+ "1cz3",
+ "3h0s",
+ "7b8e",
+ "6erk",
+ "3efo",
+ "4x9e",
+ "4a8x",
+ "7yq7",
+ "5xs7",
+ "7c7x",
+ "6dhc",
+ "1w8l",
+ "1ips",
+ "7atq",
+ "5wq3",
+ "4q8y",
+ "5n6t",
+ "8h77",
+ "4hy2",
+ "2vbz",
+ "5t5u",
+ "1wn7",
+ "6mvh",
+ "2rlg",
+ "2mrk",
+ "5sxv",
+ "4oyt",
+ "6gb5",
+ "2bqr",
+ "3ckq",
+ "5fmt",
+ "6zbh",
+ "6bob",
+ "6s36",
+ "7lh3",
+ "6y3c",
+ "7w1q",
+ "3l48",
+ "8f0f",
+ "1csm",
+ "4zjv",
+ "2b17",
+ "5dw0",
+ "1b0h",
+ "5u7q",
+ "6f2e",
+ "4xyl",
+ "7up5",
+ "1jls",
+ "4psd",
+ "4wt0",
+ "1eqx",
+ "5of2",
+ "1dg8",
+ "4cac",
+ "7vpb",
+ "5g30",
+ "1uks",
+ "5a10",
+ "6cws",
+ "4u2b",
+ "7o99",
+ "4aks",
+ "4kiv",
+ "1x31",
+ "7u4d",
+ "5ld1",
+ "7dha",
+ "5xix",
+ "6t4e",
+ "7vq9",
+ "1cmy",
+ "5tm7",
+ "4gr2",
+ "5mkc",
+ "1maa",
+ "2rp3",
+ "2vcm",
+ "4i8z",
+ "1lmn",
+ "3vyy",
+ "5m6a",
+ "4o7u",
+ "3qj3",
+ "4mia",
+ "1npq",
+ "5e9b",
+ "3bl7",
+ "4wdi",
+ "1gua",
+ "7apk",
+ "2a4c",
+ "1u2g",
+ "5r92",
+ "4cqd",
+ "5d0k",
+ "8hgs",
+ "2dyd",
+ "6cam",
+ "4pzh",
+ "1y32",
+ "6xrh",
+ "5uyf",
+ "4ga4",
+ "6ecp",
+ "6z9q",
+ "4g7o",
+ "2mwn",
+ "7ttm",
+ "3o23",
+ "6kpf",
+ "4aid",
+ "3t92",
+ "6oqn",
+ "5b5y",
+ "5gi5",
+ "7jrv",
+ "2foi",
+ "1cyc",
+ "5mw3",
+ "5l35",
+ "8f7b",
+ "6p2f",
+ "1h83",
+ "7cbl",
+ "1nrv",
+ "2wkc",
+ "1vg1",
+ "3ovs",
+ "2z2k",
+ "1c6l",
+ "4yqm",
+ "3jrs",
+ "5drx",
+ "5vzp",
+ "4i94",
+ "4kps",
+ "4kbr",
+ "4i8y",
+ "2vly",
+ "4rvs",
+ "5d2l",
+ "7xq4",
+ "7ahl",
+ "7zw6",
+ "8dz8",
+ "5ug1",
+ "8hh0",
+ "4elg",
+ "6s9j",
+ "2ozx",
+ "6ymb",
+ "5m99",
+ "1aic",
+ "5oje",
+ "1jd2",
+ "3mnu",
+ "6y8p",
+ "1ylc",
+ "4qyz",
+ "3j6f",
+ "7v9m",
+ "1t3a",
+ "5qo7",
+ "5iwq",
+ "2oin",
+ "2pfi",
+ "4nbo",
+ "7xuy",
+ "7n8i",
+ "4f3f",
+ "5cjf",
+ "3i9h",
+ "2kj3",
+ "4rw1",
+ "2vgc",
+ "5nh3",
+ "8d6l",
+ "6a45",
+ "1x67",
+ "3a1c",
+ "6chf",
+ "2grt",
+ "1l65",
+ "4g2k",
+ "2wv4",
+ "7w8z",
+ "6wxj",
+ "3c2v",
+ "5dlf",
+ "1h84",
+ "5po1",
+ "7uhj",
+ "2eax",
+ "5k7k",
+ "1efu",
+ "3lap",
+ "5ozl",
+ "219l",
+ "4f8h",
+ "2zuv",
+ "4pn2",
+ "8aao",
+ "3hb6",
+ "1q0q",
+ "4d4v",
+ "8g0p",
+ "4olk",
+ "7cua",
+ "3b9p",
+ "6w0w",
+ "6w8x",
+ "5kj6",
+ "7p0t",
+ "6keh",
+ "5kdn",
+ "7v90",
+ "3ine",
+ "7k2t",
+ "1ev0",
+ "3s9t",
+ "2cqs",
+ "4j2n",
+ "7vq2",
+ "7y5g",
+ "7aqe",
+ "1lc1",
+ "4yui",
+ "4v0w",
+ "6ew7",
+ "6dcs",
+ "3so9",
+ "4lch",
+ "2kra",
+ "6kur",
+ "8er0",
+ "3egu",
+ "1bf3",
+ "3lgn",
+ "5sy1",
+ "4b3o",
+ "2khc",
+ "4qs9",
+ "6z3z",
+ "4edm",
+ "3mjr",
+ "5zcr",
+ "4ofz",
+ "2kxl",
+ "5vq2",
+ "1t5q",
+ "3wp5",
+ "3grl",
+ "7kx2",
+ "1s2y",
+ "3ty4",
+ "5pz6",
+ "7vse",
+ "5v7l",
+ "6m71",
+ "5uh8",
+ "5tdq",
+ "6rf0",
+ "4nzn",
+ "4mvz",
+ "7tdp",
+ "2hnf",
+ "1s3g",
+ "5fa3",
+ "4nt6",
+ "8dwz",
+ "6dyj",
+ "2vfl",
+ "5pzn",
+ "2bm8",
+ "7vct",
+ "6fbr",
+ "6fwj",
+ "5x29",
+ "6fjm",
+ "2vl8",
+ "4rqi",
+ "2au6",
+ "1czs",
+ "6x3n",
+ "5pcj",
+ "4twu",
+ "7lk0",
+ "2f2p",
+ "5al2",
+ "1rx2",
+ "2n78",
+ "7ne6",
+ "2n3x",
+ "2o6b",
+ "4k4p",
+ "3if1",
+ "7c1j",
+ "5n4f",
+ "2m1r",
+ "4m2r",
+ "2bme",
+ "8b6l",
+ "3i79",
+ "4m8u",
+ "7c3h",
+ "1hu9",
+ "3ccc",
+ "5bke",
+ "1nyg",
+ "5wno",
+ "6fpf",
+ "6hly",
+ "6o0o",
+ "4c5j",
+ "6vra",
+ "4wvr",
+ "6j4i",
+ "6ia5",
+ "4zo0",
+ "5uhs",
+ "7sj9",
+ "4cot",
+ "1f16",
+ "2b1n",
+ "1ycj",
+ "1zvh",
+ "7fmn",
+ "1h7v",
+ "2r3v",
+ "7ep1",
+ "1ijl",
+ "2rhk",
+ "2bbq",
+ "4lgg",
+ "2jas",
+ "3djk",
+ "1u6e",
+ "1uao",
+ "4g9f",
+ "2aut",
+ "6ul5",
+ "1ro4",
+ "1ta3",
+ "4ed0",
+ "7se9",
+ "6h6n",
+ "1lvm",
+ "5xhi",
+ "8du7",
+ "3qrv",
+ "1ts7",
+ "6tgp",
+ "6rhq",
+ "2zoz",
+ "3u60",
+ "1dzd",
+ "7bvy",
+ "8dr7",
+ "5pvi",
+ "3dtv",
+ "1llq",
+ "4wic",
+ "2b9c",
+ "4h75",
+ "1g1c",
+ "2a1i",
+ "5y1d",
+ "8h6c",
+ "7v9o",
+ "7q2d",
+ "6s60",
+ "5ic9",
+ "4i3u",
+ "4ds5",
+ "6ojb",
+ "4ok2",
+ "6yu3",
+ "2hva",
+ "4jp9",
+ "7tb7",
+ "2jxf",
+ "3vl3",
+ "6d6z",
+ "3el3",
+ "6xki",
+ "3qh0",
+ "1u6f",
+ "5suy",
+ "3szo",
+ "1ho9",
+ "1upf",
+ "7zmg",
+ "3wgb",
+ "7owo",
+ "6kve",
+ "2brn",
+ "4bbv",
+ "1xqd",
+ "5hcf",
+ "5wyf",
+ "4htk",
+ "1vfo",
+ "3hjo",
+ "7rps",
+ "6k8p",
+ "3f62",
+ "7fpg",
+ "3qis",
+ "4ijs",
+ "4qbe",
+ "6i6p",
+ "4m4w",
+ "3u0e",
+ "5kp0",
+ "6iv2",
+ "6iqs",
+ "5k36",
+ "1nq0",
+ "3tlp",
+ "6cca",
+ "1pc0",
+ "6y6d",
+ "1h74",
+ "4iy5",
+ "2mvf",
+ "7pcg",
+ "2qxx",
+ "7u59",
+ "5i4y",
+ "3p3e",
+ "8dbm",
+ "3m99",
+ "7oyv",
+ "7cpo",
+ "6jno",
+ "2fry",
+ "7sfn",
+ "5ns2",
+ "3a22",
+ "1cpe",
+ "3ery",
+ "8d58",
+ "5ivl",
+ "5la5",
+ "1b26",
+ "4x6t",
+ "1zoe",
+ "5o6f",
+ "3kia",
+ "7vwc",
+ "1ewi",
+ "5vmn",
+ "6pgn",
+ "7qyj",
+ "2y5z",
+ "6eqg",
+ "3mgh",
+ "1o31",
+ "2aum",
+ "1nho",
+ "5szw",
+ "7ew0",
+ "4rc7",
+ "8gs5",
+ "5jnw",
+ "3fsi",
+ "7biu",
+ "4hna",
+ "7mmc",
+ "4e1g",
+ "4uhe",
+ "1bk4",
+ "4wm9",
+ "4tl5",
+ "6xjm",
+ "4q7z",
+ "5lye",
+ "3sey",
+ "6edh",
+ "4bb2",
+ "1hyh",
+ "3ukm",
+ "2b9j",
+ "7zre",
+ "6c97",
+ "7rsm",
+ "2xsc",
+ "1vem",
+ "4eeh",
+ "6pz5",
+ "1ds0",
+ "5hno",
+ "4tlj",
+ "1hhk",
+ "1ayu",
+ "6bkf",
+ "1tub",
+ "7sab",
+ "3ljj",
+ "5b7z",
+ "2vjb",
+ "4n2l",
+ "6kh1",
+ "6ne3",
+ "7brt",
+ "3k5f",
+ "4fam",
+ "1bhe",
+ "4xdk",
+ "7lbn",
+ "2f1s",
+ "1y9x",
+ "4l6i",
+ "3s5c",
+ "7zik",
+ "1lg6",
+ "1snc",
+ "6r9r",
+ "4u8k",
+ "7utb",
+ "6jau",
+ "7ebt",
+ "4li6",
+ "5hex",
+ "4hn1",
+ "6d5y",
+ "6e1y",
+ "1l00",
+ "4v2t",
+ "7n8y",
+ "4kq2",
+ "6qja",
+ "3bxz",
+ "5k17",
+ "7lrc",
+ "6y3k",
+ "2aug",
+ "1xv3",
+ "1hb9",
+ "1ed4",
+ "6uth",
+ "5na5",
+ "2kkf",
+ "4kbs",
+ "6e0n",
+ "5px2",
+ "1d2m",
+ "6y7v",
+ "1wn3",
+ "4o3p",
+ "7uot",
+ "6oy6",
+ "3p3f",
+ "1lyb",
+ "1xrq",
+ "1nf9",
+ "6lpe",
+ "1zn7",
+ "5s32",
+ "7ced",
+ "4z2w",
+ "4bp3",
+ "1rx8",
+ "1mb6",
+ "2mlx",
+ "5xxi",
+ "6hln",
+ "2px0",
+ "8hmz",
+ "6wq5",
+ "1h5q",
+ "7fo6",
+ "5z4g",
+ "3mdf",
+ "1bcy",
+ "6yzo",
+ "6eyn",
+ "4l7l",
+ "3crv",
+ "4dq3",
+ "2nn8",
+ "2wbw",
+ "4cxw",
+ "5nob",
+ "6ugk",
+ "6gm9",
+ "7foq",
+ "1xk1",
+ "6phb",
+ "5n53",
+ "5iwx",
+ "1xx0",
+ "6c01",
+ "3mts",
+ "8xia",
+ "8dmk",
+ "2bi5",
+ "2wkh",
+ "7kcb",
+ "6ey1",
+ "4m5v",
+ "3c6z",
+ "7ywv",
+ "5sud",
+ "1lbq",
+ "5ks7",
+ "3o3f",
+ "4cch",
+ "7drn",
+ "1di9",
+ "6slo",
+ "5lmc",
+ "7fre",
+ "7juh",
+ "9cgt",
+ "5ly7",
+ "4eyf",
+ "8dry",
+ "5gaq",
+ "6rfp",
+ "8adu",
+ "4qiw",
+ "4eu7",
+ "5gja",
+ "4yj4",
+ "6he1",
+ "2zvm",
+ "1rgd",
+ "12gs",
+ "2g79",
+ "4ido",
+ "6mol",
+ "3alb",
+ "7fcz",
+ "5n9b",
+ "7ko6",
+ "1ews",
+ "4ika",
+ "7drr",
+ "2if9",
+ "5f08",
+ "3v7v",
+ "3j5y",
+ "1i6t",
+ "3k5q",
+ "1kit",
+ "6vp5",
+ "4ojx",
+ "6qob",
+ "4qp5",
+ "5zfx",
+ "4gn0",
+ "7e8d",
+ "3v5o",
+ "5zoh",
+ "5mut",
+ "7p9d",
+ "2avo",
+ "3hkz",
+ "2wkm",
+ "6v11",
+ "1j4s",
+ "1as6",
+ "4lz0",
+ "4cxm",
+ "4mbc",
+ "1ms7",
+ "2y0q",
+ "2y6i",
+ "4b8o",
+ "4mmn",
+ "4boo",
+ "6li7",
+ "6uj1",
+ "3glg",
+ "1zzq",
+ "6qf1",
+ "5w23",
+ "7x78",
+ "7mhx",
+ "5sz4",
+ "1nt4",
+ "1ivd",
+ "4km5",
+ "1lns",
+ "1ovm",
+ "3hxx",
+ "6svv",
+ "5dj3",
+ "4lwd",
+ "4i1w",
+ "6cjh",
+ "7axs",
+ "3dgg",
+ "4bux",
+ "4nfx",
+ "7ld6",
+ "3cij",
+ "3gll",
+ "6tp4",
+ "6rpp",
+ "4h2u",
+ "2oy3",
+ "2mut",
+ "2z0p",
+ "5x2x",
+ "5jzc",
+ "6uek",
+ "2gr8",
+ "2bge",
+ "6w3z",
+ "4wks",
+ "5vpb",
+ "7fsc",
+ "1b08",
+ "3b8e",
+ "4cjb",
+ "1gww",
+ "1n5i",
+ "4hgk",
+ "3al6",
+ "6lhp",
+ "4pcs",
+ "1kjv",
+ "177l",
+ "7s5i",
+ "1xtz",
+ "1g08",
+ "5e15",
+ "4nl2",
+ "2d4k",
+ "7khl",
+ "1e60",
+ "7a1i",
+ "5z8j",
+ "7bdc",
+ "2vtx",
+ "7fdy",
+ "7bw5",
+ "5cke",
+ "5u1l",
+ "7p56",
+ "4jpz",
+ "3kz0",
+ "5ib1",
+ "4npe",
+ "5r0d",
+ "2czr",
+ "5qn6",
+ "4g90",
+ "5coj",
+ "6m2l",
+ "1wwd",
+ "1t60",
+ "18gs",
+ "6scg",
+ "1zgd",
+ "1cxf",
+ "1w3i",
+ "1h3d",
+ "3tsz",
+ "2jbf",
+ "7ayv",
+ "6a0t",
+ "5eck",
+ "5nup",
+ "1ot5",
+ "3zuu",
+ "6cje",
+ "5iw5",
+ "6rgo",
+ "7fhk",
+ "7fs4",
+ "6z9j",
+ "3zng",
+ "7mrd",
+ "6hu3",
+ "7nji",
+ "3ise",
+ "6kya",
+ "2ewl",
+ "2isl",
+ "4x4q",
+ "6oi0",
+ "2h84",
+ "4xta",
+ "1pma",
+ "1gd6",
+ "1djx",
+ "7q0v",
+ "6okw",
+ "7n5e",
+ "5drr",
+ "1vfl",
+ "1x7q",
+ "5ljw",
+ "1e1u",
+ "4bsk",
+ "7sod",
+ "6vx1",
+ "5p1l",
+ "7mc3",
+ "7moe",
+ "6x9k",
+ "5j3s",
+ "6oyb",
+ "6ink",
+ "1h6u",
+ "3ras",
+ "162l",
+ "6chb",
+ "5wor",
+ "6s58",
+ "2lyr",
+ "1ukc",
+ "4rev",
+ "6pbs",
+ "3sqc",
+ "7w1u",
+ "2p3b",
+ "6det",
+ "3sj3",
+ "3vxw",
+ "7zir",
+ "7rsc",
+ "3qf4",
+ "4anb",
+ "3wsv",
+ "1e4j",
+ "6u3l",
+ "8ar7",
+ "5l91",
+ "8e2a",
+ "4gzb",
+ "6l88",
+ "5vao",
+ "3dxj",
+ "7p9z",
+ "2nv3",
+ "1l5r",
+ "6p8n",
+ "7yu6",
+ "5sqq",
+ "1q46",
+ "2olg",
+ "1zpt",
+ "5mwh",
+ "1zj3",
+ "1fgt",
+ "1i2t",
+ "2oe0",
+ "1mka",
+ "139l",
+ "3tu3",
+ "1k4z",
+ "5icj",
+ "2r6t",
+ "5s5q",
+ "7vfl",
+ "1rhg",
+ "4hr0",
+ "6fui",
+ "6htb",
+ "3upl",
+ "5ec6",
+ "3r3p",
+ "2j30",
+ "5huf",
+ "3w3m",
+ "7a0b",
+ "5o63",
+ "5yjx",
+ "1i3a",
+ "6t0e",
+ "4ir4",
+ "7uxq",
+ "7mpn",
+ "5qno",
+ "5pt1",
+ "5dlv",
+ "6b0b",
+ "3iud",
+ "3tdc",
+ "7svz",
+ "7ss5",
+ "2f9v",
+ "6bas",
+ "1qf3",
+ "1qs9",
+ "6tfu",
+ "4l3k",
+ "3giv",
+ "7zw8",
+ "8dcn",
+ "5kax",
+ "2y93",
+ "6rnk",
+ "6lzh",
+ "1nb9",
+ "1g9j",
+ "6oja",
+ "5fwz",
+ "7o88",
+ "6mhn",
+ "5vhi",
+ "7aww",
+ "2nz6",
+ "5nk8",
+ "2leh",
+ "4e1s",
+ "2ajo",
+ "3ecu",
+ "5m0d",
+ "6if1",
+ "2ilm",
+ "3v88",
+ "5lvs",
+ "7ojq",
+ "5a87",
+ "1gxm",
+ "3j6p",
+ "8dqg",
+ "7w2h",
+ "2jdq",
+ "5gtu",
+ "4erc",
+ "1knq",
+ "1soo",
+ "6bof",
+ "5w1k",
+ "5dpv",
+ "5y84",
+ "1s5z",
+ "5dcy",
+ "5gsd",
+ "6yym",
+ "4g6m",
+ "2f41",
+ "1j86",
+ "5dba",
+ "5vt7",
+ "4n71",
+ "2rgl",
+ "3wib",
+ "5enz",
+ "6env",
+ "2nrs",
+ "3m7d",
+ "1xgk",
+ "8enn",
+ "1dcm",
+ "6akj",
+ "1c08",
+ "5r0z",
+ "2l0t",
+ "3bnf",
+ "3sfx",
+ "5bzb",
+ "7mlz",
+ "5xxf",
+ "2ez0",
+ "4e1y",
+ "5z46",
+ "5o2l",
+ "7lom",
+ "7eu3",
+ "2c6a",
+ "5eh0",
+ "7c95",
+ "3zlc",
+ "1mxc",
+ "4jky",
+ "2aqa",
+ "3k56",
+ "3wtk",
+ "1sce",
+ "1ixr",
+ "5kls",
+ "2eud",
+ "1dpm",
+ "4htb",
+ "4owu",
+ "1owo",
+ "7n1r",
+ "6q0h",
+ "6tja",
+ "1zvl",
+ "2tio",
+ "4fbx",
+ "4ri3",
+ "3azu",
+ "6xpk",
+ "4av5",
+ "6u9t",
+ "1jv7",
+ "7zeg",
+ "4y3b",
+ "6qci",
+ "5isx",
+ "6nfi",
+ "1q3w",
+ "2osn",
+ "1yfd",
+ "1xek",
+ "6ret",
+ "2cca",
+ "5a46",
+ "7pbo",
+ "1rgo",
+ "1rh2",
+ "4f80",
+ "8d6o",
+ "6b27",
+ "7dsn",
+ "6jhq",
+ "2z7s",
+ "3pvd",
+ "4qx0",
+ "1xzg",
+ "1qh2",
+ "1mmi",
+ "6u2w",
+ "1leh",
+ "6di4",
+ "5n03",
+ "6a4w",
+ "5ems",
+ "1nz2",
+ "4ly9",
+ "4may",
+ "6szp",
+ "4zvy",
+ "3ivf",
+ "3smb",
+ "2v8j",
+ "3zjj",
+ "4hby",
+ "3fz0",
+ "4hkk",
+ "1rjd",
+ "1zgc",
+ "2f49",
+ "5ej5",
+ "2zb4",
+ "2fw8",
+ "6a2e",
+ "4v0v",
+ "7y7o",
+ "5dyd",
+ "7aro",
+ "3k7o",
+ "5fih",
+ "5vc4",
+ "6cyj",
+ "7f09",
+ "3cau",
+ "6y5p",
+ "2jee",
+ "5dwe",
+ "4ylo",
+ "1d3w",
+ "4ppr",
+ "5uor",
+ "1n62",
+ "5yiu",
+ "2fz9",
+ "7rvu",
+ "2h2q",
+ "3v8c",
+ "4cmm",
+ "1gkx",
+ "1rai",
+ "5zlf",
+ "7k5m",
+ "1np7",
+ "2hh5",
+ "6ewt",
+ "5utq",
+ "1jam",
+ "4y95",
+ "1as7",
+ "6oxr",
+ "4uhg",
+ "2ieg",
+ "2nwm",
+ "5uzb",
+ "4b6s",
+ "4zws",
+ "3pbl",
+ "4cvx",
+ "4oxq",
+ "2hcn",
+ "3bn9",
+ "6ebl",
+ "2rqk",
+ "2nxc",
+ "7eee",
+ "1d6m",
+ "4f5q",
+ "5ml0",
+ "6w8k",
+ "7wm7",
+ "4zm9",
+ "2zan",
+ "5mfp",
+ "6ozs",
+ "1vbs",
+ "4ypf",
+ "8ane",
+ "5lj5",
+ "7qq6",
+ "6fhz",
+ "3fbw",
+ "3rd5",
+ "4obp",
+ "5ywp",
+ "6q0i",
+ "5kce",
+ "7jz5",
+ "4x33",
+ "3zui",
+ "4wma",
+ "7khq",
+ "3t3m",
+ "3jvr",
+ "2x4i",
+ "2mw4",
+ "3ark",
+ "6h50",
+ "2fn9",
+ "1i4d",
+ "6s9g",
+ "6fj6",
+ "1bao",
+ "3am1",
+ "5gwa",
+ "3un5",
+ "7lxj",
+ "3rb0",
+ "3rsp",
+ "7ef0",
+ "3bpv",
+ "1qxh",
+ "2ix4",
+ "1ts3",
+ "6e6c",
+ "5m7g",
+ "5hsv",
+ "6bqd",
+ "2b8j",
+ "2j0p",
+ "4i29",
+ "6dpe",
+ "7puz",
+ "6hb9",
+ "6xim",
+ "6ph4",
+ "6b1i",
+ "4g7p",
+ "5m9g",
+ "2hls",
+ "3qlw",
+ "6adt",
+ "2fwg",
+ "1le6",
+ "8d1m",
+ "1vcv",
+ "1azd",
+ "2d48",
+ "5gll",
+ "3n1t",
+ "5o3g",
+ "6oz1",
+ "8a4a",
+ "1wc6",
+ "4atw",
+ "3oic",
+ "6pfv",
+ "5dir",
+ "4rvy",
+ "4mwx",
+ "1ody",
+ "7ll3",
+ "1mz4",
+ "1a3h",
+ "5wfj",
+ "6t1z",
+ "5zk8",
+ "5xer",
+ "1cp6",
+ "1jzl",
+ "5kcv",
+ "2olr",
+ "5cdy",
+ "7zgv",
+ "7lus",
+ "2kqt",
+ "3h3u",
+ "2gmv",
+ "1x8f",
+ "4ldw",
+ "6qln",
+ "4u2l",
+ "4k1s",
+ "3a33",
+ "5s3k",
+ "7tke",
+ "1uy6",
+ "7zfx",
+ "7x22",
+ "3tl9",
+ "3g4c",
+ "3bkb",
+ "3txj",
+ "8aqu",
+ "6ud4",
+ "3ucw",
+ "2a3e",
+ "2qs1",
+ "6flj",
+ "1g2e",
+ "5ehq",
+ "6yed",
+ "6ozp",
+ "4wuc",
+ "3vp5",
+ "5bn5",
+ "3si1",
+ "3mzb",
+ "4blg",
+ "7ner",
+ "3v69",
+ "2uu7",
+ "2uxq",
+ "2e20",
+ "5vmd",
+ "6bd1",
+ "3tdp",
+ "6oxt",
+ "5oc4",
+ "4hz1",
+ "1qcy",
+ "5vc6",
+ "5o7l",
+ "7sqw",
+ "3c1u",
+ "4n63",
+ "1rsv",
+ "3s9z",
+ "7zh0",
+ "1suo",
+ "4zc9",
+ "5ead",
+ "4nkm",
+ "1sfh",
+ "1nar",
+ "5zg5",
+ "1vet",
+ "1h17",
+ "8dja",
+ "2mhp",
+ "3puv",
+ "6br6",
+ "1ciy",
+ "6wj9",
+ "7vde",
+ "2fsp",
+ "1zvj",
+ "1f3z",
+ "2ylo",
+ "1ttm",
+ "3a0f",
+ "1eun",
+ "7jn7",
+ "4zmy",
+ "6axp",
+ "4e1q",
+ "1dcs",
+ "4qgd",
+ "6rdk",
+ "7tuq",
+ "5j2e",
+ "8b0r",
+ "7eps",
+ "1upj",
+ "4pzp",
+ "7bjd",
+ "4gj6",
+ "5kom",
+ "6l1c",
+ "1s94",
+ "1lsl",
+ "8abt",
+ "7e8q",
+ "5oxr",
+ "1ztg",
+ "6lfl",
+ "3qvw",
+ "6wym",
+ "4wye",
+ "4cob",
+ "3zsj",
+ "7fkl",
+ "4ca0",
+ "7kil",
+ "4pc7",
+ "6bqx",
+ "7z6n",
+ "6jbw",
+ "7law",
+ "3zqe",
+ "5c8k",
+ "2fxe",
+ "8dog",
+ "4gsq",
+ "6ps2",
+ "5tco",
+ "7bdn",
+ "5mu7",
+ "3mff",
+ "4m82",
+ "2vdx",
+ "1yet",
+ "6epf",
+ "2zm7",
+ "6ycm",
+ "1nui",
+ "7o89",
+ "4ksp",
+ "6nvk",
+ "4kt1",
+ "7kox",
+ "7q83",
+ "1ajg",
+ "3bcc",
+ "1s53",
+ "3e0i",
+ "4e9c",
+ "3tio",
+ "5g00",
+ "1fcc",
+ "2v88",
+ "5z3n",
+ "5r04",
+ "5gs3",
+ "2hk8",
+ "6zxi",
+ "2p9i",
+ "7u3f",
+ "3wli",
+ "3r0y",
+ "3duz",
+ "1kt2",
+ "3bqa",
+ "6hx1",
+ "2iyq",
+ "7kp0",
+ "5r01",
+ "3g83",
+ "7ql3",
+ "2vbm",
+ "5lsu",
+ "4jna",
+ "3i0q",
+ "7ssz",
+ "6rhg",
+ "5n91",
+ "7szy",
+ "4rwu",
+ "3pgp",
+ "4rno",
+ "4o18",
+ "7lzi",
+ "8eej",
+ "2zl5",
+ "4nzs",
+ "5jsr",
+ "5cm0",
+ "6m3g",
+ "3e01",
+ "1on6",
+ "5o4w",
+ "1w93",
+ "8i2z",
+ "2fl6",
+ "5rsf",
+ "5uy0",
+ "1u6v",
+ "1c2i",
+ "6flm",
+ "2kjv",
+ "7c70",
+ "3a29",
+ "7tz9",
+ "4be8",
+ "6ssx",
+ "3kyx",
+ "3sqp",
+ "4zs0",
+ "5i7a",
+ "1oee",
+ "1j20",
+ "2aid",
+ "2xq3",
+ "5g5v",
+ "1oo9",
+ "1u97",
+ "2bth",
+ "5cv0",
+ "2dtj",
+ "6bae",
+ "1i6a",
+ "7rsp",
+ "4i9j",
+ "3dt4",
+ "3x1m",
+ "2yer",
+ "1sgt",
+ "1qtg",
+ "5j1a",
+ "1bke",
+ "2am5",
+ "2m8u",
+ "5zhv",
+ "4jvp",
+ "6rjy",
+ "7ndj",
+ "3tip",
+ "3nhq",
+ "6fqi",
+ "7aft",
+ "3rq2",
+ "3o5g",
+ "5x9y",
+ "1r4a",
+ "7u9e",
+ "3rmc",
+ "3k0v",
+ "4j1c",
+ "4f48",
+ "5c9u",
+ "3drc",
+ "4zk6",
+ "5i3e",
+ "2x2g",
+ "1sac",
+ "5p6q",
+ "5pwy",
+ "5k2m",
+ "7w5s",
+ "4guz",
+ "1cue",
+ "4rbv",
+ "1zr0",
+ "7thq",
+ "6sw5",
+ "4i2q",
+ "2wrv",
+ "1c5a",
+ "6irs",
+ "7ypa",
+ "3g9g",
+ "3uqg",
+ "7ujp",
+ "2z22",
+ "1kjj",
+ "2n6f",
+ "2yib",
+ "3v5g",
+ "6a40",
+ "4rik",
+ "4qz7",
+ "2yfw",
+ "1t6c",
+ "7v5c",
+ "1czr",
+ "6fm5",
+ "1iv1",
+ "1utk",
+ "3wwk",
+ "3psy",
+ "6si3",
+ "6vfw",
+ "3cb2",
+ "1sff",
+ "1deb",
+ "2bcd",
+ "5t1e",
+ "2b72",
+ "1e9l",
+ "3tju",
+ "4g8d",
+ "3wz6",
+ "6yqt",
+ "1lod",
+ "5mnq",
+ "1eh9",
+ "7b9h",
+ "4kwb",
+ "6qjl",
+ "1jse",
+ "5ch7",
+ "6z0z",
+ "1lmm",
+ "1l8x",
+ "2ivx",
+ "5z91",
+ "3w25",
+ "3oyr",
+ "3wmf",
+ "4dj7",
+ "3chn",
+ "6zz1",
+ "5r2z",
+ "4eqj",
+ "5eve",
+ "2ntp",
+ "4wj9",
+ "1xqj",
+ "5y7z",
+ "3ay6",
+ "4ipx",
+ "3vbm",
+ "7lot",
+ "1fpv",
+ "2wp1",
+ "4l16",
+ "3t82",
+ "5ds2",
+ "3gsx",
+ "5e0u",
+ "7bwi",
+ "4bt0",
+ "3i90",
+ "7c3d",
+ "6uvd",
+ "6vcm",
+ "2bbb",
+ "1yk5",
+ "5zz7",
+ "4xuo",
+ "7nkr",
+ "6fnu",
+ "3j1a",
+ "6s24",
+ "1cwe",
+ "4zr1",
+ "1say",
+ "6vva",
+ "3kqr",
+ "6o5y",
+ "4a36",
+ "7v9i",
+ "1a0f",
+ "3jx4",
+ "4dm7",
+ "2w8m",
+ "2yin",
+ "3uvy",
+ "2zia",
+ "2lyp",
+ "4az3",
+ "3vir",
+ "1mfp",
+ "7lal",
+ "2muu",
+ "4yoc",
+ "3qo5",
+ "4gu8",
+ "1pe0",
+ "4o1s",
+ "4g01",
+ "5lyw",
+ "2gaz",
+ "6pc9",
+ "5wil",
+ "6v8k",
+ "3a2p",
+ "2m5y",
+ "1tfr",
+ "6jli",
+ "2w4k",
+ "5r38",
+ "3wc0",
+ "6owe",
+ "3w04",
+ "1aqg",
+ "5u0d",
+ "4qye",
+ "5fdk",
+ "1e7v",
+ "4ebw",
+ "4a9x",
+ "4n82",
+ "6fcd",
+ "3cg1",
+ "4b8r",
+ "1odf",
+ "5eew",
+ "2wrd",
+ "4pkb",
+ "1qlq",
+ "6ofe",
+ "7kpn",
+ "6owp",
+ "7oi2",
+ "1atu",
+ "4s1h",
+ "7e1n",
+ "4ynn",
+ "1vzz",
+ "5chj",
+ "5o5s",
+ "1iiz",
+ "2g27",
+ "5hvu",
+ "7upi",
+ "4gyo",
+ "4ct4",
+ "1w31",
+ "3uhh",
+ "3mz9",
+ "2odv",
+ "1jxo",
+ "1jxf",
+ "3gts",
+ "4w2r",
+ "5gk2",
+ "6i9g",
+ "7pu9",
+ "3q8u",
+ "1s7r",
+ "1xpq",
+ "6sb5",
+ "7aus",
+ "5ile",
+ "6l9h",
+ "3ifu",
+ "5y28",
+ "5phu",
+ "2b2i",
+ "6m3m",
+ "7bef",
+ "1e0h",
+ "4fyo",
+ "1t73",
+ "3t49",
+ "7mk7",
+ "5hys",
+ "5ugr",
+ "5num",
+ "1tni",
+ "2r4u",
+ "6asi",
+ "7t3y",
+ "4omc",
+ "6qog",
+ "5ooq",
+ "6hkt",
+ "5ahj",
+ "1lhs",
+ "1av1",
+ "6goe",
+ "3n7q",
+ "6yap",
+ "3zjd",
+ "1hp8",
+ "2p98",
+ "5gmf",
+ "4u1m",
+ "3wuu",
+ "3lo1",
+ "5i23",
+ "2pco",
+ "3ifk",
+ "4h5x",
+ "6m54",
+ "2azv",
+ "6lgc",
+ "3d3e",
+ "8e89",
+ "1o2j",
+ "2yme",
+ "4wf8",
+ "4ftf",
+ "4ndm",
+ "5bsv",
+ "5ii9",
+ "3vpc",
+ "6zew",
+ "5eeb",
+ "5rck",
+ "1z7b",
+ "6qim",
+ "7f5f",
+ "2zv9",
+ "5zjd",
+ "2wfr",
+ "5tft",
+ "4rwp",
+ "5pe0",
+ "5ok4",
+ "2xkf",
+ "4dss",
+ "4kxc",
+ "7k9p",
+ "1iwo",
+ "1shr",
+ "4ayn",
+ "5dg2",
+ "5ody",
+ "6b31",
+ "5an4",
+ "3rf9",
+ "2jc7",
+ "7lm6",
+ "3ctr",
+ "8gq5",
+ "4htw",
+ "4hqu",
+ "6ssj",
+ "1unh",
+ "6m3c",
+ "4jtd",
+ "4nrt",
+ "6lgz",
+ "5hrr",
+ "5okp",
+ "3vq2",
+ "6ljt",
+ "1jug",
+ "4k98",
+ "6jvl",
+ "5tzo",
+ "6xmr",
+ "2r15",
+ "5ydv",
+ "1mc5",
+ "6lq4",
+ "4i9u",
+ "6dk7",
+ "2z8s",
+ "6wtk",
+ "1pxr",
+ "1ko7",
+ "7dpm",
+ "6iyr",
+ "2hrr",
+ "4ylf",
+ "5ttz",
+ "6hxl",
+ "4xi9",
+ "7fsb",
+ "4y8z",
+ "1sw4",
+ "1r9l",
+ "1ne3",
+ "7p6e",
+ "6zw9",
+ "5wfc",
+ "3q8y",
+ "6l18",
+ "4f8o",
+ "5hht",
+ "5xgl",
+ "7ww6",
+ "4j0y",
+ "5sz6",
+ "7up7",
+ "5fow",
+ "1dbn",
+ "7ali",
+ "4eac",
+ "3ktp",
+ "7eq1",
+ "1z5n",
+ "6btk",
+ "7wvg",
+ "7ln4",
+ "5av9",
+ "2gnw",
+ "2ok9",
+ "5vul",
+ "4bwi",
+ "6rq0",
+ "6tjd",
+ "1e7e",
+ "7e0t",
+ "4zfy",
+ "1c2o",
+ "2y9g",
+ "1k1o",
+ "5ohk",
+ "6f13",
+ "5oip",
+ "2vzr",
+ "2rv4",
+ "4krr",
+ "6xt2",
+ "7kqe",
+ "2nab",
+ "3b4p",
+ "6klz",
+ "5nnm",
+ "4yis",
+ "3b5x",
+ "5uig",
+ "2wgy",
+ "4bal",
+ "5rbp",
+ "7ao4",
+ "6ijz",
+ "2v5o",
+ "6anw",
+ "6zkp",
+ "4hnf",
+ "1gfh",
+ "5nda",
+ "2nnd",
+ "1usl",
+ "3fjj",
+ "3zky",
+ "5iu1",
+ "5j0w",
+ "7kfs",
+ "6cwc",
+ "3o0u",
+ "6fom",
+ "7qit",
+ "1qub",
+ "2bc3",
+ "4e9e",
+ "1ec3",
+ "1k0p",
+ "4j7q",
+ "1rpt",
+ "1ucj",
+ "2ez8",
+ "1kxg",
+ "8e7y",
+ "1pnt",
+ "3vsa",
+ "5uyg",
+ "3wqv",
+ "4m7a",
+ "6j7b",
+ "5c1j",
+ "1ivo",
+ "1d1d",
+ "2i0a",
+ "3qkv",
+ "6jgo",
+ "5wf2",
+ "2w5l",
+ "1dxc",
+ "6h9e",
+ "3fhc",
+ "6gl2",
+ "1nx1",
+ "2doi",
+ "3rl7",
+ "2br2",
+ "6tup",
+ "3t04",
+ "5e83",
+ "2z4r",
+ "4qly",
+ "2z5i",
+ "1ktc",
+ "7s5a",
+ "6uyc",
+ "8e2o",
+ "6iax",
+ "1ejp",
+ "5qm8",
+ "4erf",
+ "5lnt",
+ "1cwk",
+ "3an3",
+ "1fkr",
+ "6zbd",
+ "4ys7",
+ "3gjc",
+ "3aok",
+ "1m0k",
+ "2e5b",
+ "4m2u",
+ "2kyg",
+ "1oqu",
+ "3v4s",
+ "4j0n",
+ "1uym",
+ "6rt9",
+ "7olb",
+ "2r7w",
+ "4inx",
+ "7m7m",
+ "2fwu",
+ "5ife",
+ "1dz5",
+ "5onl",
+ "3vn5",
+ "4xh3",
+ "5tf9",
+ "3eps",
+ "6pr8",
+ "6t50",
+ "1iq1",
+ "6sqw",
+ "2p3i",
+ "2qtk",
+ "5zuz",
+ "6r4t",
+ "2gak",
+ "3wb9",
+ "7oo7",
+ "3ccb",
+ "5bmi",
+ "7uam",
+ "5p54",
+ "1djy",
+ "1mol",
+ "3exe",
+ "2wxr",
+ "3gq7",
+ "3wen",
+ "8eas",
+ "1szn",
+ "2va9",
+ "5d4u",
+ "5dzh",
+ "3ejb",
+ "1tla",
+ "2yve",
+ "3nes",
+ "3e1q",
+ "4yxz",
+ "1i81",
+ "7yzn",
+ "6oo5",
+ "2w7x",
+ "8adb",
+ "6tlv",
+ "3zpo",
+ "5fuv",
+ "2blc",
+ "2kie",
+ "4umv",
+ "5gxi",
+ "5f6v",
+ "5tmu",
+ "6sug",
+ "5ads",
+ "6ux8",
+ "1lqc",
+ "4qzz",
+ "7e14",
+ "6j3h",
+ "6k8q",
+ "5w4p",
+ "5ix6",
+ "7so1",
+ "7zrn",
+ "5dx7",
+ "3wvg",
+ "2wpv",
+ "3tde",
+ "4jln",
+ "3kl0",
+ "5b7q",
+ "6in7",
+ "2vl6",
+ "1aqb",
+ "4gij",
+ "4qlr",
+ "6fg4",
+ "6qhw",
+ "2rom",
+ "4i9c",
+ "6pwp",
+ "3o5o",
+ "2b9l",
+ "3enh",
+ "4ea5",
+ "1dzj",
+ "1o9r",
+ "4myh",
+ "2dte",
+ "1yk8",
+ "7np5",
+ "8fyr",
+ "3u1l",
+ "6tf4",
+ "6bl3",
+ "6mcq",
+ "5v59",
+ "1tfq",
+ "1hoo",
+ "3cla",
+ "2c8d",
+ "2hel",
+ "6mfk",
+ "4pjc",
+ "1m8y",
+ "2lxd",
+ "2jw8",
+ "5olt",
+ "6yw1",
+ "7e49",
+ "4ere",
+ "7s43",
+ "3a1y",
+ "7rh3",
+ "6yqq",
+ "3pmk",
+ "3t1e",
+ "3ich",
+ "4zc3",
+ "4pha",
+ "3aty",
+ "3ig3",
+ "3ls1",
+ "7vn2",
+ "5wbw",
+ "3wh0",
+ "5cee",
+ "4fev",
+ "4gv2",
+ "1kcd",
+ "3a24",
+ "7a99",
+ "5lp8",
+ "1cds",
+ "5abp",
+ "5hc8",
+ "3fbn",
+ "4afd",
+ "5e78",
+ "7xef",
+ "4i38",
+ "6mhh",
+ "6iml",
+ "6c0m",
+ "1ex8",
+ "7x99",
+ "4hfp",
+ "7jv8",
+ "1y7q",
+ "6ov7",
+ "2jim",
+ "3zg8",
+ "4ijg",
+ "6x1z",
+ "7a79",
+ "1hy9",
+ "5zis",
+ "7yc3",
+ "1gqk",
+ "2ygx",
+ "6z9y",
+ "4ydr",
+ "1g6g",
+ "4nau",
+ "1cz1",
+ "4fzw",
+ "8gwf",
+ "5ddv",
+ "6fwh",
+ "6dtq",
+ "7e2x",
+ "7ckj",
+ "6ti2",
+ "1ajq",
+ "4b6d",
+ "4dvt",
+ "4fa6",
+ "1q2c",
+ "4m4d",
+ "4jzi",
+ "4bre",
+ "1n4p",
+ "1ich",
+ "1n2m",
+ "1qo3",
+ "2vdk",
+ "6pra",
+ "6j5i",
+ "5vlx",
+ "5zlm",
+ "7x75",
+ "2ock",
+ "4r2j",
+ "4civ",
+ "6g4m",
+ "6lfb",
+ "5b47",
+ "5hrt",
+ "5azw",
+ "1b05",
+ "4upl",
+ "6od6",
+ "3sz5",
+ "7ru3",
+ "5vuv",
+ "3pwy",
+ "1sy6",
+ "7sip",
+ "7t5s",
+ "7uj8",
+ "4nuf",
+ "6chv",
+ "7x17",
+ "6qxt",
+ "5cqq",
+ "4w4i",
+ "5k6y",
+ "3n9k",
+ "7vqq",
+ "4n1u",
+ "3vvy",
+ "5nc3",
+ "5dcp",
+ "1aax",
+ "7yce",
+ "5j1t",
+ "7pjh",
+ "7rb2",
+ "1k4d",
+ "3smq",
+ "1vrw",
+ "7s0q",
+ "6uwb",
+ "6jjb",
+ "6y4k",
+ "6p6f",
+ "2qwb",
+ "6edx",
+ "5rug",
+ "1wd9",
+ "1x98",
+ "5sy5",
+ "1c40",
+ "3knd",
+ "1xah",
+ "6jzb",
+ "1bsn",
+ "5gal",
+ "1p30",
+ "1vad",
+ "7spz",
+ "7ti0",
+ "1kwi",
+ "6o1k",
+ "4hu1",
+ "7lyi",
+ "2ck3",
+ "6oyg",
+ "1uh8",
+ "6bo4",
+ "7orv",
+ "7t4z",
+ "1byn",
+ "2vkj",
+ "6qbe",
+ "5mam",
+ "5e6f",
+ "5lsd",
+ "1ihw",
+ "5xw5",
+ "2m0g",
+ "5qd4",
+ "6bmt",
+ "2wmt",
+ "7mne",
+ "7n7y",
+ "7xyt",
+ "4d11",
+ "7dxd",
+ "6j1h",
+ "7o0a",
+ "3dn9",
+ "2r8x",
+ "2gj2",
+ "3dah",
+ "4cey",
+ "6h4l",
+ "5ocj",
+ "1cli",
+ "5f37",
+ "7w20",
+ "5n5b",
+ "5sov",
+ "7b10",
+ "3zmh",
+ "4wzk",
+ "4wdg",
+ "8amp",
+ "4kp7",
+ "3ebn",
+ "1b50",
+ "3dxl",
+ "4h92",
+ "5kwe",
+ "3arl",
+ "2ewt",
+ "2c1i",
+ "5tge",
+ "2hho",
+ "5tus",
+ "6lbk",
+ "5kpu",
+ "6cyo",
+ "5uki",
+ "4hy8",
+ "1m6i",
+ "5r1k",
+ "4lcg",
+ "3av8",
+ "2akp",
+ "5ci6",
+ "5x8a",
+ "4zag",
+ "8bet",
+ "2ahm",
+ "4k1f",
+ "3m27",
+ "5i9l",
+ "7w93",
+ "7tik",
+ "1eij",
+ "6zzi",
+ "1aa6",
+ "7pqm",
+ "5pxm",
+ "6uxf",
+ "2ruw",
+ "5a9b",
+ "3d6o",
+ "4xar",
+ "5x87",
+ "2xx8",
+ "5env",
+ "3gwv",
+ "6b02",
+ "1zx2",
+ "4xks",
+ "4qee",
+ "1dd1",
+ "5ppf",
+ "1l15",
+ "5lwz",
+ "4fq0",
+ "6lgv",
+ "7t3c",
+ "8fur",
+ "3vb4",
+ "3wis",
+ "3qhe",
+ "6zlc",
+ "3elx",
+ "2awj",
+ "4s2k",
+ "5tmr",
+ "4ymb",
+ "1itb",
+ "5iab",
+ "5cw0",
+ "6ipk",
+ "7bx2",
+ "2r6k",
+ "5l77",
+ "6xry",
+ "6i1m",
+ "1ej2",
+ "5m7y",
+ "7brn",
+ "1tdj",
+ "6af6",
+ "1qij",
+ "6n9x",
+ "3tsk",
+ "8dkz",
+ "3ur4",
+ "4pun",
+ "6krd",
+ "6bxl",
+ "5mc3",
+ "4dy5",
+ "4ffm",
+ "5r7z",
+ "5nnj",
+ "5urd",
+ "6afy",
+ "4tq4",
+ "3qp5",
+ "2yxv",
+ "3p5b",
+ "5mrl",
+ "7ah1",
+ "7cpm",
+ "3wd2",
+ "7ex0",
+ "1htn",
+ "7qkz",
+ "1y0c",
+ "2psu",
+ "1cqd",
+ "2kcg",
+ "3ipe",
+ "7zbq",
+ "3wtw",
+ "6d2n",
+ "5xdw",
+ "6jou",
+ "6csr",
+ "5pzd",
+ "1yz1",
+ "5ao6",
+ "1bz0",
+ "2n5i",
+ "5ou1",
+ "1uo6",
+ "2mcz",
+ "3ql9",
+ "5vme",
+ "2ou9",
+ "6e44",
+ "5i3y",
+ "3i72",
+ "6wlp",
+ "5mos",
+ "3dbg",
+ "2iez",
+ "3h8d",
+ "1qw9",
+ "2gg9",
+ "6v5d",
+ "1rl9",
+ "5hpl",
+ "4xgm",
+ "1j4q",
+ "6wir",
+ "4peu",
+ "5wpu",
+ "5qzz",
+ "2bfo",
+ "2mhq",
+ "3j8x",
+ "6a4d",
+ "5mw4",
+ "6t0o",
+ "4h7j",
+ "7xv8",
+ "5es1",
+ "2itx",
+ "5m7i",
+ "1sdu",
+ "2eb3",
+ "6u9v",
+ "5jq5",
+ "4in9",
+ "6p41",
+ "4iib",
+ "1hjv",
+ "6opz",
+ "6urw",
+ "5cqt",
+ "7lcu",
+ "5m0r",
+ "1dlt",
+ "5iip",
+ "1e6h",
+ "2ke3",
+ "6xq2",
+ "3o9a",
+ "1jzb",
+ "5c8r",
+ "2qf4",
+ "4cnv",
+ "1rb0",
+ "3tye",
+ "7nth",
+ "3cbr",
+ "6pqa",
+ "6rmo",
+ "5fvp",
+ "2ju0",
+ "1rtl",
+ "7x8b",
+ "3td5",
+ "1g2v",
+ "7qxo",
+ "3ziw",
+ "8ep0",
+ "6udi",
+ "3zpk",
+ "4aov",
+ "2zhm",
+ "7ztj",
+ "7d4c",
+ "4u14",
+ "1kn3",
+ "4hfu",
+ "5ht0",
+ "5tdv",
+ "3ay5",
+ "3hkl",
+ "5lxq",
+ "3mko",
+ "6idc",
+ "4g1v",
+ "5vd3",
+ "3uzv",
+ "6alo",
+ "5q0w",
+ "5yns",
+ "2xms",
+ "1jct",
+ "5ms0",
+ "2vod",
+ "4bpr",
+ "4ond",
+ "6slj",
+ "1ael",
+ "3nf8",
+ "2cst",
+ "6wq6",
+ "4ofd",
+ "2vnq",
+ "5n8y",
+ "1nzw",
+ "6gff",
+ "1gwz",
+ "7oe8",
+ "4r92",
+ "1li0",
+ "3ne1",
+ "7dyj",
+ "1ywo",
+ "6nzy",
+ "1ier",
+ "7as1",
+ "3x44",
+ "5wvg",
+ "2kue",
+ "6n9j",
+ "3b3r",
+ "5egv",
+ "1xx4",
+ "3thn",
+ "3v35",
+ "5o9y",
+ "5uy5",
+ "4at5",
+ "6vrv",
+ "5ppb",
+ "4ygn",
+ "1r9w",
+ "6bx4",
+ "7k75",
+ "5m1z",
+ "2jgq",
+ "5mde",
+ "1p29",
+ "3bv3",
+ "1yg2",
+ "3el9",
+ "5mkz",
+ "1l39",
+ "5fl6",
+ "1tkg",
+ "5dvv",
+ "4be3",
+ "2ghz",
+ "4pw2",
+ "2cmg",
+ "6r7p",
+ "3eca",
+ "2qfv",
+ "6j9b",
+ "4fvu",
+ "6k5t",
+ "6isa",
+ "3o05",
+ "5kaq",
+ "2jkg",
+ "5mwo",
+ "6ddj",
+ "6svx",
+ "3bd1",
+ "5zn1",
+ "3nu1",
+ "5lx7",
+ "5m5g",
+ "4cic",
+ "3h5r",
+ "7ltc",
+ "8ctg",
+ "4l72",
+ "6c67",
+ "5tdm",
+ "7y43",
+ "4bjr",
+ "7nt8",
+ "4r9a",
+ "2c6q",
+ "5rpu",
+ "4wz4",
+ "3o35",
+ "3maa",
+ "6kja",
+ "1xbz",
+ "1mwn",
+ "2xtq",
+ "3rli",
+ "1pwj",
+ "5q0f",
+ "7yig",
+ "5daw",
+ "2wcl",
+ "4cc7",
+ "2xtb",
+ "6sj2",
+ "6ma4",
+ "5u8c",
+ "3bj4",
+ "6c5v",
+ "2m9s",
+ "1uvb",
+ "4yao",
+ "4zg0",
+ "1orr",
+ "4d7y",
+ "7rp3",
+ "6g4n",
+ "5rsx",
+ "6i0d",
+ "3prb",
+ "6ucg",
+ "1jxg",
+ "2itz",
+ "6soz",
+ "3pxm",
+ "3udh",
+ "4j4r",
+ "1hrp",
+ "1h3h",
+ "2aaw",
+ "5m9r",
+ "5oq0",
+ "7fdm",
+ "3kvk",
+ "1q20",
+ "6zgm",
+ "4mxo",
+ "5fls",
+ "5f8n",
+ "3hf1",
+ "1b7i",
+ "7bg8",
+ "1k1s",
+ "3cra",
+ "6e63",
+ "4j1e",
+ "5fe1",
+ "3e94",
+ "3krf",
+ "3zy6",
+ "6kuv",
+ "5b5e",
+ "7t5g",
+ "6ymf",
+ "7q25",
+ "7b8g",
+ "6dy8",
+ "2b0q",
+ "6h4t",
+ "5h6t",
+ "5q1d",
+ "5akw",
+ "6e0h",
+ "1i41",
+ "5yix",
+ "5dj6",
+ "5pg9",
+ "4els",
+ "3pqs",
+ "5oiy",
+ "1d1p",
+ "1sqg",
+ "1gl8",
+ "5xng",
+ "5pwd",
+ "7a45",
+ "6tfa",
+ "2vmq",
+ "2bmj",
+ "2q5o",
+ "2w7m",
+ "8d74",
+ "7lgk",
+ "8ecy",
+ "2z3u",
+ "3e12",
+ "5jhc",
+ "3daf",
+ "1vsm",
+ "6nyg",
+ "6bod",
+ "4ucc",
+ "4i1h",
+ "5syp",
+ "6ady",
+ "3ltq",
+ "6gmg",
+ "3uvu",
+ "6k22",
+ "3mbg",
+ "5uri",
+ "5fgc",
+ "3p7a",
+ "1zqy",
+ "6pbh",
+ "3oeh",
+ "1ox0",
+ "3auo",
+ "7dn6",
+ "6a0z",
+ "4h9k",
+ "4kz6",
+ "8h0s",
+ "6apb",
+ "7qqn",
+ "2ohk",
+ "6kud",
+ "3so0",
+ "2m14",
+ "4iot",
+ "2vbj",
+ "5go1",
+ "7qod",
+ "3jwx",
+ "3hqr",
+ "5nox",
+ "3iif",
+ "5o87",
+ "4qhj",
+ "4yjo",
+ "5k1p",
+ "2vq0",
+ "5vqs",
+ "6kqg",
+ "6zmj",
+ "4miw",
+ "5jix",
+ "5f4j",
+ "7pik",
+ "3idg",
+ "5erv",
+ "6pxi",
+ "5m17",
+ "3o06",
+ "4yoz",
+ "7u16",
+ "7zez",
+ "3a7c",
+ "6htu",
+ "7u8l",
+ "6luy",
+ "7l9f",
+ "1qap",
+ "5y3m",
+ "6ulf",
+ "6lzq",
+ "5zlq",
+ "1koi",
+ "7bzk",
+ "3j3u",
+ "2afe",
+ "3hgt",
+ "1erz",
+ "5jre",
+ "4cim",
+ "4pwx",
+ "5w7y",
+ "1gs0",
+ "3bxv",
+ "2gg2",
+ "1ati",
+ "2no3",
+ "6ns3",
+ "3k5x",
+ "3ci9",
+ "6ewi",
+ "1ptg",
+ "7a70",
+ "4mr0",
+ "6hk0",
+ "4e75",
+ "6mue",
+ "3vq8",
+ "6vub",
+ "7eal",
+ "7d96",
+ "7lil",
+ "6dum",
+ "4nb0",
+ "2y87",
+ "3miu",
+ "2pk8",
+ "2hi5",
+ "6h24",
+ "4xjd",
+ "7pkv",
+ "6hgf",
+ "6ibw",
+ "1iev",
+ "4joo",
+ "7t4n",
+ "7co8",
+ "7evg",
+ "5u9i",
+ "2j11",
+ "2nq2",
+ "7mob",
+ "5u3h",
+ "2e9t",
+ "6w2u",
+ "4at9",
+ "2osm",
+ "4gfx",
+ "3zv4",
+ "5nb9",
+ "6hv5",
+ "1xfu",
+ "4y0v",
+ "5w71",
+ "1ufl",
+ "4nqd",
+ "5rd3",
+ "6r9p",
+ "4r0w",
+ "5cfq",
+ "3uto",
+ "1v84",
+ "6rbr",
+ "2ih3",
+ "7faz",
+ "1ocj",
+ "5n5w",
+ "3hkr",
+ "5g4y",
+ "8dt2",
+ "5fhy",
+ "2ya5",
+ "2xta",
+ "159l",
+ "1a4b",
+ "2vp5",
+ "5rcq",
+ "4hdq",
+ "1omq",
+ "3fsh",
+ "4io8",
+ "3lx8",
+ "4lbo",
+ "5poo",
+ "2mz6",
+ "6m8q",
+ "3ic1",
+ "3icd",
+ "1fem",
+ "4nsh",
+ "5wai",
+ "4hj6",
+ "1tzq",
+ "4g0c",
+ "3o8j",
+ "5zun",
+ "5fix",
+ "6cgc",
+ "3dyu",
+ "4a5u",
+ "4ite",
+ "5ljt",
+ "6sip",
+ "4gfl",
+ "3boo",
+ "2lqr",
+ "7q1m",
+ "4zs3",
+ "7c6x",
+ "1wra",
+ "7qx9",
+ "1w0m",
+ "4a32",
+ "7m10",
+ "4g0s",
+ "1gtq",
+ "2vw7",
+ "4qvd",
+ "5zqo",
+ "6o8i",
+ "6cfi",
+ "3vty",
+ "4twa",
+ "4bh7",
+ "2q88",
+ "2xff",
+ "5o68",
+ "2e93",
+ "5tlu",
+ "7y6c",
+ "1ndy",
+ "6kh0",
+ "3hdm",
+ "4fpv",
+ "4gzl",
+ "5c1x",
+ "7foo",
+ "3nce",
+ "2n93",
+ "2bny",
+ "1npl",
+ "1z5b",
+ "6q2e",
+ "8gut",
+ "1bdb",
+ "4deu",
+ "1yow",
+ "5svj",
+ "5vt8",
+ "2gy7",
+ "7u8h",
+ "2cm1",
+ "4rxr",
+ "4psf",
+ "4mvd",
+ "7wxu",
+ "2knc",
+ "1txd",
+ "6eqt",
+ "6rhc",
+ "3ije",
+ "7kgc",
+ "7t71",
+ "5z5u",
+ "2fin",
+ "4dt5",
+ "6a5a",
+ "5v8v",
+ "4yy2",
+ "4dl4",
+ "2x3j",
+ "4rql",
+ "1u1d",
+ "1ndv",
+ "2dos",
+ "5pfa",
+ "5g6b",
+ "1rwe",
+ "5tvj",
+ "6qo3",
+ "2xbx",
+ "6p8r",
+ "4nh2",
+ "4gha",
+ "4jor",
+ "5l3c",
+ "5bny",
+ "1owk",
+ "1hjx",
+ "7l7r",
+ "3lvm",
+ "2ntn",
+ "4r1s",
+ "6v7w",
+ "7bcc",
+ "4khn",
+ "3re5",
+ "4mkv",
+ "3txm",
+ "6ctf",
+ "4ojn",
+ "1nxj",
+ "2b01",
+ "4npd",
+ "1lve",
+ "3hke",
+ "5r2b",
+ "4kp2",
+ "1mh4",
+ "4k2o",
+ "3bmo",
+ "2fuk",
+ "3rcg",
+ "4aeq",
+ "6t0q",
+ "6xsv",
+ "4jjj",
+ "2qbv",
+ "1deq",
+ "5bwo",
+ "5jlw",
+ "7lqj",
+ "3kry",
+ "2zko",
+ "5v7v",
+ "3l5m",
+ "4c84",
+ "5oev",
+ "3sre",
+ "1rr9",
+ "3gw9",
+ "6q3a",
+ "2cdg",
+ "3d90",
+ "7fmd",
+ "4qiz",
+ "5vsm",
+ "4fjk",
+ "3g0f",
+ "5ict",
+ "1ujk",
+ "4gin",
+ "4rhm",
+ "3hak",
+ "7bzb",
+ "3pwr",
+ "3chx",
+ "8b8s",
+ "5fl2",
+ "1jyq",
+ "2e5a",
+ "3q2x",
+ "6kl7",
+ "6rz4",
+ "2f17",
+ "1z74",
+ "7m0q",
+ "4klu",
+ "6io6",
+ "1iyb",
+ "4zuz",
+ "5vb2",
+ "1ao7",
+ "5gep",
+ "4tqs",
+ "5ayw",
+ "3gc4",
+ "5jt2",
+ "3daz",
+ "5bir",
+ "4upm",
+ "7amd",
+ "1r5v",
+ "7k4p",
+ "5l7m",
+ "1qlj",
+ "5rch",
+ "2w2x",
+ "4kbj",
+ "4llh",
+ "2wyv",
+ "4jq0",
+ "4frk",
+ "5p00",
+ "4ndo",
+ "6at4",
+ "1jq7",
+ "1lz9",
+ "3h69",
+ "6h1j",
+ "5jrg",
+ "6x2z",
+ "5v8k",
+ "4cu7",
+ "4p91",
+ "3w8v",
+ "3ojo",
+ "7juj",
+ "5esq",
+ "2cn8",
+ "4ilr",
+ "4lxt",
+ "4lq3",
+ "5mmz",
+ "4b5d",
+ "4lyo",
+ "3qhy",
+ "7ak9",
+ "3i56",
+ "7jzk",
+ "1abn",
+ "7tyf",
+ "6tfz",
+ "1gai",
+ "6xov",
+ "6vzz",
+ "2y1t",
+ "1o8f",
+ "5tyn",
+ "1pdl",
+ "6xrg",
+ "3ubt",
+ "2ieb",
+ "6u55",
+ "6brg",
+ "5ox5",
+ "5u5s",
+ "4z2j",
+ "2wwi",
+ "2q7k",
+ "1r84",
+ "1scm",
+ "5mo6",
+ "4pso",
+ "1wu5",
+ "6pbf",
+ "2ili",
+ "5dds",
+ "4p7m",
+ "7jwp",
+ "3azh",
+ "1aon",
+ "5wqv",
+ "5s2a",
+ "6y6f",
+ "1il5",
+ "6d1o",
+ "3n8w",
+ "3ih8",
+ "3zzg",
+ "5ibs",
+ "4p2p",
+ "1nmc",
+ "4zxo",
+ "1ts2",
+ "7ete",
+ "6sfb",
+ "1yfk",
+ "5k2i",
+ "4kv4",
+ "2xwj",
+ "3bfp",
+ "3akj",
+ "5lkz",
+ "4ng5",
+ "2kbb",
+ "5ytv",
+ "7u4j",
+ "2jpk",
+ "2aem",
+ "2fot",
+ "1l3q",
+ "1hpi",
+ "2zd9",
+ "5edn",
+ "6jh7",
+ "4o8n",
+ "4fq4",
+ "3zvk",
+ "7dkv",
+ "2yop",
+ "5lm4",
+ "5kgs",
+ "1m2s",
+ "5ggu",
+ "4xn6",
+ "5nd6",
+ "7fk7",
+ "5k4u",
+ "4tx0",
+ "2xm8",
+ "3rtn",
+ "1k3f",
+ "2mc6",
+ "6ko1",
+ "4n3w",
+ "6l7p",
+ "2e92",
+ "6hf2",
+ "5s1a",
+ "3va3",
+ "6fi0",
+ "2fvj",
+ "8b2n",
+ "4l9g",
+ "2qb4",
+ "3c6u",
+ "1z0t",
+ "6b3h",
+ "5p2i",
+ "6h16",
+ "2x3b",
+ "4zrm",
+ "8abp",
+ "1jdi",
+ "1f25",
+ "6abj",
+ "2onl",
+ "2jeu",
+ "5if6",
+ "2gsy",
+ "1bgk",
+ "7qir",
+ "5fav",
+ "1pml",
+ "4m3m",
+ "3vvk",
+ "5j0d",
+ "5t8g",
+ "7zi0",
+ "2bg1",
+ "1kxy",
+ "3p8x",
+ "2ki2",
+ "1exv",
+ "4ohe",
+ "1y7y",
+ "5hyj",
+ "4r5k",
+ "7qvy",
+ "3wn4",
+ "6fdo",
+ "6ik5",
+ "4aix",
+ "5l5h",
+ "4hlf",
+ "6rfc",
+ "1txx",
+ "4xx4",
+ "6s8u",
+ "6dpb",
+ "2flk",
+ "5wqp",
+ "4e9z",
+ "2cjo",
+ "4ngs",
+ "5rll",
+ "6ghu",
+ "4y6m",
+ "7m7v",
+ "7ncu",
+ "2p3v",
+ "7s0i",
+ "6qw4",
+ "7csw",
+ "2ch7",
+ "3mks",
+ "2a8u",
+ "6s5o",
+ "5eau",
+ "6uym",
+ "5m3i",
+ "4ofq",
+ "4pga",
+ "6oob",
+ "7p4j",
+ "2g8i",
+ "5uqn",
+ "6kev",
+ "4gxg",
+ "3syq",
+ "3uyy",
+ "2glm",
+ "4c7d",
+ "1j7k",
+ "2lrd",
+ "7eyl",
+ "4p2f",
+ "5v21",
+ "4h2s",
+ "6sqd",
+ "7qm9",
+ "5gic",
+ "4my2",
+ "6hlb",
+ "5v3w",
+ "2vif",
+ "2y1e",
+ "1lor",
+ "3omg",
+ "3x0s",
+ "7tdf",
+ "1ug9",
+ "6b3j",
+ "7ci0",
+ "3n6m",
+ "1q6o",
+ "3l76",
+ "4di1",
+ "4y21",
+ "5e4d",
+ "5sck",
+ "6v7o",
+ "5qes",
+ "3vh2",
+ "4mvo",
+ "2wrc",
+ "1ciu",
+ "2mex",
+ "3wz0",
+ "7s5s",
+ "6s4i",
+ "1jd0",
+ "7ddp",
+ "4bst",
+ "3vue",
+ "4mnx",
+ "6mb9",
+ "3j9c",
+ "4efi",
+ "1ts5",
+ "6c3i",
+ "6g6n",
+ "5tjz",
+ "3oo4",
+ "5gj6",
+ "5rpy",
+ "6wy7",
+ "1aqy",
+ "7ugw",
+ "4p3y",
+ "1lax",
+ "4zgz",
+ "1ida",
+ "6e0f",
+ "2qvk",
+ "3kr4",
+ "5hci",
+ "1rnv",
+ "1ofv",
+ "1z3z",
+ "4ua1",
+ "6fbz",
+ "7w61",
+ "1g6l",
+ "2e6c",
+ "1rpj",
+ "4ehe",
+ "2e95",
+ "1aaf",
+ "3zjz",
+ "6hz9",
+ "3fgs",
+ "5f00",
+ "6uq9",
+ "2dpn",
+ "1dq2",
+ "1h4s",
+ "5jdt",
+ "1d1x",
+ "2m30",
+ "6j5f",
+ "4u5l",
+ "6kfb",
+ "7fpj",
+ "6ghn",
+ "1syx",
+ "1rl4",
+ "2mbf",
+ "4zc6",
+ "2py3",
+ "4lhn",
+ "5dbo",
+ "8awz",
+ "7wu3",
+ "2vpm",
+ "2pw0",
+ "2d7r",
+ "3a4l",
+ "2zh7",
+ "5ngs",
+ "43c9",
+ "2q4j",
+ "8at3",
+ "3l3p",
+ "4tsy",
+ "5w8k",
+ "2bqa",
+ "1n4w",
+ "7oxk",
+ "1vd2",
+ "6e6k",
+ "3mbk",
+ "5dp1",
+ "1so7",
+ "6dby",
+ "8cmy",
+ "1qha",
+ "7us8",
+ "4kai",
+ "3ngv",
+ "7c4y",
+ "4trf",
+ "5eyy",
+ "5xoj",
+ "1mdj",
+ "3p95",
+ "5r3e",
+ "4bb7",
+ "7lwf",
+ "2okv",
+ "6x7j",
+ "4h3k",
+ "4co2",
+ "1v58",
+ "4p0j",
+ "6qug",
+ "8bsg",
+ "5oyu",
+ "2vgt",
+ "6o5n",
+ "3ftu",
+ "5kba",
+ "7lwe",
+ "7mzp",
+ "1dg6",
+ "2iau",
+ "1xo5",
+ "2ewv",
+ "5wjh",
+ "4wc3",
+ "7p0s",
+ "6lrl",
+ "1mup",
+ "2i1p",
+ "6te6",
+ "6o5s",
+ "4b2o",
+ "6a0n",
+ "7jtn",
+ "5m28",
+ "6kbn",
+ "3mk6",
+ "6i30",
+ "6wuh",
+ "6b8a",
+ "1ivc",
+ "1gsz",
+ "1les",
+ "6sdg",
+ "7u20",
+ "7xxn",
+ "6uew",
+ "5gsz",
+ "6k8k",
+ "1hgc",
+ "6wth",
+ "3ogz",
+ "8ar0",
+ "7ba6",
+ "1j7e",
+ "7w79",
+ "3ge3",
+ "5bwm",
+ "3dwz",
+ "5kiy",
+ "4uc3",
+ "1pz2",
+ "2l4j",
+ "3bua",
+ "3tge",
+ "3ike",
+ "3rst",
+ "2m2i",
+ "5alr",
+ "6b3f",
+ "5x9m",
+ "6gpf",
+ "7kf9",
+ "5ajb",
+ "2amb",
+ "5upf",
+ "6i3p",
+ "6dx0",
+ "5cn9",
+ "3ol4",
+ "3h6u",
+ "3r06",
+ "7uy6",
+ "1v8n",
+ "6y9n",
+ "5y56",
+ "4ihj",
+ "1e1q",
+ "3s4q",
+ "6xac",
+ "5wh6",
+ "5axl",
+ "3a39",
+ "7pkb",
+ "6h8p",
+ "6cm4",
+ "6o09",
+ "2jmv",
+ "5unh",
+ "2adl",
+ "2akm",
+ "4g43",
+ "1amr",
+ "1fu4",
+ "5mae",
+ "7rl6",
+ "1vbr",
+ "3o52",
+ "3hpg",
+ "7az8",
+ "6nl6",
+ "1xmh",
+ "7x24",
+ "7fcv",
+ "6wum",
+ "3lnx",
+ "4wmw",
+ "4q1n",
+ "6gug",
+ "1d4d",
+ "6ads",
+ "2q93",
+ "4k69",
+ "1ur2",
+ "5i17",
+ "3ago",
+ "3lpj",
+ "6esj",
+ "3zsu",
+ "1rph",
+ "1wn4",
+ "5uyv",
+ "1tcy",
+ "6bra",
+ "4q93",
+ "3nrc",
+ "6h5x",
+ "1zmp",
+ "4ns0",
+ "5ha1",
+ "7cuj",
+ "6hwp",
+ "5n2s",
+ "4e5b",
+ "2g6l",
+ "4is0",
+ "7tz5",
+ "2qkm",
+ "3f8e",
+ "4ab0",
+ "4pro",
+ "4kx7",
+ "4r5p",
+ "6uz6",
+ "5yf6",
+ "6zze",
+ "7khw",
+ "2gt6",
+ "3lfq",
+ "3hnz",
+ "3etj",
+ "6g70",
+ "5l45",
+ "5xja",
+ "6d22",
+ "3oe4",
+ "4uoj",
+ "3e4y",
+ "3pdd",
+ "7avb",
+ "4tju",
+ "6vuw",
+ "7u98",
+ "6sw6",
+ "7ebs",
+ "3py6",
+ "6vh7",
+ "4a8c",
+ "1t21",
+ "5frr",
+ "4hag",
+ "5wvw",
+ "1y8i",
+ "6vun",
+ "3zkg",
+ "5pmz",
+ "6j0c",
+ "3dd6",
+ "7xc7",
+ "7dnh",
+ "7cxa",
+ "5bvg",
+ "3fq7",
+ "1h55",
+ "3l31",
+ "7k3j",
+ "3o0d",
+ "4qlk",
+ "1k2o",
+ "1c6c",
+ "1nig",
+ "4w8p",
+ "3nte",
+ "6j9h",
+ "3la0",
+ "1u32",
+ "1dwz",
+ "2m8f",
+ "5sz7",
+ "7p4n",
+ "3ri3",
+ "4pnz",
+ "6plf",
+ "7ofk",
+ "6a9t",
+ "3qa8",
+ "6s77",
+ "1i18",
+ "1o4i",
+ "5wvr",
+ "5jvo",
+ "4xpc",
+ "4zy0",
+ "3dak",
+ "2q68",
+ "2hwl",
+ "4s2i",
+ "3t5v",
+ "6at9",
+ "3ade",
+ "1l1o",
+ "5vli",
+ "1j0a",
+ "5nh5",
+ "1h7t",
+ "6i6o",
+ "3sok",
+ "5ar7",
+ "3tvd",
+ "2fr8",
+ "4jgc",
+ "4lwb",
+ "1rpg",
+ "5g0b",
+ "6dmz",
+ "122l",
+ "3zu7",
+ "7l3v",
+ "5hhz",
+ "5g2o",
+ "6ntp",
+ "1i5s",
+ "5j1l",
+ "6e29",
+ "8e0v",
+ "1pk5",
+ "5d40",
+ "3ep8",
+ "6wzx",
+ "1jfz",
+ "1y29",
+ "1m47",
+ "6ccg",
+ "1p2g",
+ "1r3f",
+ "7ac8",
+ "7mz9",
+ "6xwf",
+ "2ou4",
+ "7xhq",
+ "4ooj",
+ "1w0v",
+ "2z0z",
+ "2lzt",
+ "2ll5",
+ "5l3r",
+ "6f8b",
+ "5wsx",
+ "2hwi",
+ "6q5e",
+ "4qjb",
+ "2c3c",
+ "7e3j",
+ "4jn2",
+ "3tpm",
+ "4s23",
+ "7lf8",
+ "1bmp",
+ "3brb",
+ "8bo2",
+ "2x2b",
+ "3vta",
+ "3pf9",
+ "7jwx",
+ "4gyy",
+ "6ix9",
+ "2uue",
+ "2m7g",
+ "7c6n",
+ "6ss8",
+ "6l50",
+ "2bm7",
+ "1yhg",
+ "1g8q",
+ "3b72",
+ "7xq5",
+ "8db8",
+ "1hem",
+ "2now",
+ "1qg2",
+ "5vuz",
+ "5mcy",
+ "4r53",
+ "6odg",
+ "1gf3",
+ "2cdc",
+ "1nbz",
+ "5xyy",
+ "3ufh",
+ "7xrm",
+ "2x99",
+ "6q8w",
+ "7uhi",
+ "6hmn",
+ "1ohb",
+ "1zop",
+ "5oz3",
+ "7rg9",
+ "6h3s",
+ "5m21",
+ "6c2r",
+ "3tzi",
+ "4ey7",
+ "1j9o",
+ "4kxx",
+ "2ast",
+ "4hy7",
+ "3f0p",
+ "5of5",
+ "5kbn",
+ "2pbx",
+ "6npw",
+ "1lgw",
+ "5j7t",
+ "2zgp",
+ "3ex1",
+ "8e1v",
+ "3mno",
+ "1yly",
+ "4hh1",
+ "1mg5",
+ "5n0a",
+ "3hj8",
+ "7k61",
+ "1qb9",
+ "4mde",
+ "1r7u",
+ "6c5y",
+ "6lre",
+ "4iur",
+ "5y38",
+ "1z0e",
+ "7zl7",
+ "1ps9",
+ "5i9f",
+ "1n7y",
+ "7lf4",
+ "4dab",
+ "5w0e",
+ "5vzd",
+ "7lk7",
+ "1m00",
+ "7ays",
+ "4leb",
+ "3wei",
+ "3osf",
+ "6uav",
+ "4p9n",
+ "5a5z",
+ "1p4o",
+ "4e3x",
+ "3cvh",
+ "2jdk",
+ "7ds3",
+ "2jv4",
+ "7v0i",
+ "5yal",
+ "8bff",
+ "2fzc",
+ "6cya",
+ "6x1c",
+ "6xlm",
+ "8gz5",
+ "5o5z",
+ "1a4r",
+ "7ny7",
+ "7fiv",
+ "5qe2",
+ "4dfh",
+ "5kde",
+ "7o9d",
+ "1dk2",
+ "4p1c",
+ "3qp8",
+ "4wlp",
+ "4k39",
+ "5i2o",
+ "1jh7",
+ "2nbt",
+ "2uve",
+ "3w5v",
+ "6bai",
+ "7lrz",
+ "2n2z",
+ "3p48",
+ "1ss9",
+ "5pvt",
+ "2vao",
+ "4yi8",
+ "5p8p",
+ "6l32",
+ "5tjo",
+ "3h2w",
+ "4ds4",
+ "4atq",
+ "6o00",
+ "4v25",
+ "2y77",
+ "3gbs",
+ "4wtg",
+ "3qwq",
+ "1j3b",
+ "2mec",
+ "7zif",
+ "5x1w",
+ "6mdu",
+ "7zf7",
+ "5rpa",
+ "5s3e",
+ "1z2v",
+ "6ywg",
+ "7dhf",
+ "4oag",
+ "5x9r",
+ "6isp",
+ "7tij",
+ "7blp",
+ "6zpr",
+ "1w06",
+ "4e98",
+ "7o8s",
+ "1l79",
+ "2wgh",
+ "6i3z",
+ "4mj1",
+ "6h5z",
+ "4xtq",
+ "3u3o",
+ "1rj1",
+ "2w6j",
+ "4q78",
+ "6why",
+ "1gxk",
+ "8d9k",
+ "4zmq",
+ "4c83",
+ "2lyd",
+ "4zov",
+ "3grv",
+ "5k16",
+ "6gto",
+ "1ow8",
+ "3u9z",
+ "1ibs",
+ "6vo8",
+ "1cmn",
+ "6m08",
+ "5meh",
+ "5h06",
+ "3oht",
+ "1xw9",
+ "7cer",
+ "1ka8",
+ "1kie",
+ "6oa6",
+ "3cda",
+ "5pxu",
+ "3o00",
+ "4s1l",
+ "4w81",
+ "6sya",
+ "6dyw",
+ "4nio",
+ "2o0s",
+ "5p75",
+ "3thw",
+ "5one",
+ "2cv6",
+ "7ecd",
+ "4go0",
+ "7nt6",
+ "3vc3",
+ "5r1q",
+ "2zl1",
+ "5m4e",
+ "3obr",
+ "5pd5",
+ "4fjz",
+ "4c91",
+ "6jgk",
+ "3q4k",
+ "3o28",
+ "7f6i",
+ "5rlw",
+ "1fkx",
+ "7fqn",
+ "5e6x",
+ "6a8v",
+ "8dsd",
+ "6mn7",
+ "4fea",
+ "5n35",
+ "2an9",
+ "3lid",
+ "5nv8",
+ "4gpb",
+ "1hki",
+ "2k04",
+ "3sl0",
+ "5eaa",
+ "1zcy",
+ "4b68",
+ "5tl4",
+ "6yjx",
+ "6dk0",
+ "1clp",
+ "6j2i",
+ "3g5y",
+ "1qaz",
+ "2bjg",
+ "4ewd",
+ "3vtv",
+ "7psw",
+ "4edg",
+ "2iw0",
+ "2a4m",
+ "5ev8",
+ "5ioy",
+ "7v1g",
+ "1en4",
+ "7qaq",
+ "6s6j",
+ "6xzq",
+ "6qn5",
+ "1t2c",
+ "5jbw",
+ "5v43",
+ "4pz9",
+ "3avk",
+ "3fuo",
+ "6fdq",
+ "2anl",
+ "1bnb",
+ "3uem",
+ "7ce3",
+ "6s45",
+ "3gso",
+ "5d8w",
+ "7dne",
+ "2p6w",
+ "7o9j",
+ "6zv3",
+ "7n9g",
+ "1okh",
+ "5ncy",
+ "3wxt",
+ "7vem",
+ "4v1v",
+ "6xz3",
+ "6rb9",
+ "5yto",
+ "5fpt",
+ "6q47",
+ "5zgt",
+ "4bc5",
+ "3gyq",
+ "1czd",
+ "2gqs",
+ "2k87",
+ "4j4m",
+ "2hfu",
+ "1fkc",
+ "2h45",
+ "1md4",
+ "2qjk",
+ "2cpg",
+ "3r6v",
+ "5n8q",
+ "6lj0",
+ "6vtx",
+ "6d29",
+ "4ct8",
+ "5o27",
+ "3suu",
+ "7q0w",
+ "1zhr",
+ "1g2u",
+ "2pvq",
+ "2k9z",
+ "1phf",
+ "6i8m",
+ "5dlz",
+ "2d1g",
+ "5t6c",
+ "6hug",
+ "6gkg",
+ "2as9",
+ "4d4e",
+ "1p4c",
+ "7cyr",
+ "2f71",
+ "7l88",
+ "2hmn",
+ "1m34",
+ "4mcz",
+ "6q6u",
+ "7p9i",
+ "4m7c",
+ "4k26",
+ "1j6y",
+ "3h7z",
+ "6uix",
+ "2i4e",
+ "4mwf",
+ "2xjn",
+ "6ch3",
+ "4x3n",
+ "1rks",
+ "7vpd",
+ "1s4v",
+ "4i6b",
+ "6omf",
+ "4d4y",
+ "7t4d",
+ "6pn3",
+ "1vse",
+ "4xku",
+ "7k9t",
+ "5etn",
+ "1l4n",
+ "6srf",
+ "5m8o",
+ "5cet",
+ "7wd3",
+ "1ibj",
+ "1xx9",
+ "1tby",
+ "6d5p",
+ "7pjf",
+ "4hxm",
+ "4gx9",
+ "5d7r",
+ "7roy",
+ "1b7h",
+ "5e9z",
+ "3nso",
+ "4gzd",
+ "5i5v",
+ "6zga",
+ "6doo",
+ "4fpy",
+ "3pac",
+ "7ptm",
+ "7k2r",
+ "5lhf",
+ "6w0m",
+ "3dxa",
+ "7okh",
+ "3t27",
+ "3zof",
+ "2v7j",
+ "6n93",
+ "2qun",
+ "7sfx",
+ "1j51",
+ "5mm1",
+ "1fe2",
+ "6fnl",
+ "6pjh",
+ "1xyd",
+ "1xqy",
+ "2rjd",
+ "4eux",
+ "4r7a",
+ "7b0t",
+ "6wyj",
+ "5imo",
+ "5xas",
+ "1mog",
+ "6qb5",
+ "7lrx",
+ "4jn6",
+ "7udm",
+ "5nec",
+ "1lmq",
+ "3azj",
+ "4xwg",
+ "6wwp",
+ "3u6m",
+ "1b4v",
+ "3vp0",
+ "3bdz",
+ "3un2",
+ "7rhk",
+ "6lm3",
+ "5qeq",
+ "2xdo",
+ "2rpq",
+ "2y00",
+ "7lr3",
+ "6rjb",
+ "7puu",
+ "3ae0",
+ "7q6u",
+ "2afg",
+ "7r9n",
+ "3dct",
+ "2j2z",
+ "1c97",
+ "7m8j",
+ "6i6i",
+ "5dz5",
+ "5k1r",
+ "2afi",
+ "6hl8",
+ "4ays",
+ "1mqw",
+ "2wba",
+ "7yy1",
+ "1fvf",
+ "2p85",
+ "2meg",
+ "1tpx",
+ "4eeg",
+ "6c5w",
+ "2izv",
+ "2afj",
+ "5p3x",
+ "4j1p",
+ "5mk5",
+ "1gtv",
+ "1pt2",
+ "7q90",
+ "6hvv",
+ "5xbp",
+ "1mue",
+ "6brj",
+ "5w6z",
+ "1hq2",
+ "6m6a",
+ "1o6x",
+ "2gmx",
+ "6lv1",
+ "2mpc",
+ "6ulk",
+ "4crt",
+ "6ml6",
+ "7v2b",
+ "3iyf",
+ "5ais",
+ "2o7g",
+ "4ueo",
+ "3irt",
+ "6zai",
+ "6jvw",
+ "6tp0",
+ "3vaf",
+ "3wmc",
+ "7m6k",
+ "4zqt",
+ "3mig",
+ "4a0u",
+ "6ktq",
+ "4oh6",
+ "1z12",
+ "2lpf",
+ "1asn",
+ "6jly",
+ "7eqt",
+ "2d2q",
+ "1gzn",
+ "1i8a",
+ "2i89",
+ "8enf",
+ "4r94",
+ "3zow",
+ "7u7k",
+ "2oy7",
+ "7v4k",
+ "6jmq",
+ "6jo2",
+ "7ocq",
+ "5xwu",
+ "3g8e",
+ "7r59",
+ "3rpp",
+ "7lyc",
+ "2o2u",
+ "6dvb",
+ "6ht8",
+ "5k1u",
+ "3wgj",
+ "6ect",
+ "1t3l",
+ "1q1g",
+ "3quc",
+ "1hka",
+ "6h3k",
+ "6igy",
+ "3qmq",
+ "7bti",
+ "6xbe",
+ "1nou",
+ "2tsa",
+ "5eps",
+ "2lsr",
+ "6ahc",
+ "4uxf",
+ "1sk2",
+ "4meq",
+ "7rxe",
+ "3fah",
+ "4ewe",
+ "4hoh",
+ "4dct",
+ "1awe",
+ "3e7g",
+ "6p67",
+ "5scb",
+ "7ewk",
+ "5ggi",
+ "5nhr",
+ "5g3a",
+ "7z45",
+ "1uf2",
+ "1b6e",
+ "5wct",
+ "2p73",
+ "7d4q",
+ "5vwz",
+ "4iu6",
+ "6tp3",
+ "5zzq",
+ "6lsd",
+ "3ijj",
+ "7bua",
+ "2vvg",
+ "2f6z",
+ "5sae",
+ "6c6l",
+ "5wqg",
+ "7vsb",
+ "3txd",
+ "2l75",
+ "6b9y",
+ "4gqy",
+ "3q0r",
+ "5zjn",
+ "1xc3",
+ "3lqe",
+ "7dl9",
+ "2occ",
+ "1qm3",
+ "5wc8",
+ "3wyq",
+ "4mng",
+ "5fck",
+ "1dby",
+ "4oqv",
+ "7fft",
+ "1u4s",
+ "2pnr",
+ "4tmv",
+ "4zu3",
+ "4foc",
+ "4pnm",
+ "5zbr",
+ "5lhy",
+ "1ugn",
+ "3afr",
+ "5et4",
+ "1xji",
+ "1chk",
+ "3gmd",
+ "1ul1",
+ "3q0x",
+ "3hhi",
+ "6vqv",
+ "5vwu",
+ "4d7t",
+ "7eiq",
+ "4znw",
+ "2w82",
+ "1nbj",
+ "6izs",
+ "1t2m",
+ "4uo8",
+ "4yln",
+ "7yqb",
+ "3wl6",
+ "6lxl",
+ "3h86",
+ "6azk",
+ "2bo7",
+ "2nbn",
+ "4g1z",
+ "1rq5",
+ "2qo0",
+ "1tpk",
+ "2ggl",
+ "3f3d",
+ "2y0n",
+ "4ec5",
+ "3i0o",
+ "2vv6",
+ "8hn9",
+ "6p2l",
+ "4nmd",
+ "1ggo",
+ "5m8c",
+ "4kb1",
+ "5r9x",
+ "1w03",
+ "2n8x",
+ "3wyb",
+ "4hyj",
+ "3nlg",
+ "1p6q",
+ "5xz6",
+ "5c94",
+ "5rhc",
+ "6ep9",
+ "1k9j",
+ "5vsq",
+ "6vzp",
+ "1rsn",
+ "5ru1",
+ "4apw",
+ "4rlk",
+ "7bd4",
+ "5nmc",
+ "1q4q",
+ "5is1",
+ "2xur",
+ "4ai0",
+ "6isg",
+ "6t2f",
+ "3cvp",
+ "2dh3",
+ "1zau",
+ "1u2c",
+ "6kjm",
+ "4xs6",
+ "2yab",
+ "5b6e",
+ "5xrh",
+ "5w2u",
+ "4jzv",
+ "1wtf",
+ "6zd4",
+ "2ihu",
+ "1tnn",
+ "1ytq",
+ "7wbq",
+ "1s6u",
+ "2ibm",
+ "6ga6",
+ "6di3",
+ "4bh3",
+ "3kl4",
+ "3q4t",
+ "7m2w",
+ "6geo",
+ "5q1i",
+ "5lqq",
+ "7k7e",
+ "1r2d",
+ "6xxp",
+ "7s44",
+ "4rx4",
+ "6n7q",
+ "1r3h",
+ "4ce1",
+ "6g2o",
+ "1nc2",
+ "7opk",
+ "7fl5",
+ "6zat",
+ "1h7e",
+ "5eia",
+ "6gsc",
+ "2d4d",
+ "8e4j",
+ "4cs2",
+ "3prn",
+ "5fro",
+ "3snb",
+ "1w0j",
+ "6udq",
+ "1c9i",
+ "3ibn",
+ "5tiv",
+ "5w53",
+ "4jk8",
+ "1r8i",
+ "8h17",
+ "5yr5",
+ "6utf",
+ "5lwe",
+ "2rkm",
+ "7znk",
+ "4bm0",
+ "6ryi",
+ "6wka",
+ "1s78",
+ "1l4w",
+ "5i54",
+ "5uqe",
+ "6ggk",
+ "1kcy",
+ "2ffa",
+ "7uvf",
+ "5dby",
+ "1rbu",
+ "2itk",
+ "1ycm",
+ "2fdw",
+ "6k96",
+ "3o82",
+ "6xfu",
+ "7voy",
+ "3ta3",
+ "3t9c",
+ "3olt",
+ "4hgq",
+ "5aay",
+ "4ww6",
+ "5j1s",
+ "6q2n",
+ "6ems",
+ "3m1l",
+ "5st1",
+ "4qxj",
+ "3gxl",
+ "7aa2",
+ "5ucn",
+ "5vz8",
+ "6cyh",
+ "5tja",
+ "3sb7",
+ "3v3c",
+ "4eo9",
+ "6p4v",
+ "4ba2",
+ "5a0m",
+ "7o93",
+ "5qof",
+ "7upj",
+ "1kzx",
+ "1gfn",
+ "1div",
+ "1o8r",
+ "7on2",
+ "1n1e",
+ "1ohd",
+ "1z4k",
+ "7brc",
+ "3g7t",
+ "6jw6",
+ "7pth",
+ "5mv5",
+ "3evw",
+ "5jtd",
+ "6rxg",
+ "6km6",
+ "4zby",
+ "6imv",
+ "3loe",
+ "6wo6",
+ "2meu",
+ "7vlo",
+ "5nrm",
+ "6nck",
+ "2xd1",
+ "5gw8",
+ "3ox3",
+ "6bvn",
+ "4m3t",
+ "5spv",
+ "6crn",
+ "4xuq",
+ "2eza",
+ "7kh5",
+ "5hnc",
+ "4c9d",
+ "4n5l",
+ "2bup",
+ "1bt2",
+ "4apy",
+ "7scj",
+ "3kzi",
+ "1bee",
+ "2k4i",
+ "4ygz",
+ "7tt5",
+ "5qn2",
+ "5gz1",
+ "1nwn",
+ "3di7",
+ "7rx3",
+ "4i0r",
+ "4eub",
+ "1g03",
+ "6xl9",
+ "2ki6",
+ "3pcv",
+ "4bs1",
+ "6akt",
+ "2x6k",
+ "5pnd",
+ "5a7n",
+ "7n5b",
+ "1tud",
+ "2qnq",
+ "5ru6",
+ "5kuy",
+ "2oxq",
+ "7vj4",
+ "6n10",
+ "6z1m",
+ "6nng",
+ "6neu",
+ "4d2r",
+ "6mww",
+ "7m25",
+ "2hv7",
+ "1eby",
+ "4eeb",
+ "5zm2",
+ "5mon",
+ "5jcl",
+ "1lhw",
+ "6fd7",
+ "6qk6",
+ "5wh1",
+ "1nio",
+ "3jcf",
+ "7yq0",
+ "2ipi",
+ "3fzz",
+ "5v2m",
+ "3p4g",
+ "6tq6",
+ "1j71",
+ "3oj3",
+ "2d2e",
+ "2fao",
+ "4lx4",
+ "1oub",
+ "4g8u",
+ "5a60",
+ "7acd",
+ "2ovf",
+ "6mgb",
+ "1ac5",
+ "2jmr",
+ "5j7o",
+ "3d9f",
+ "1jje",
+ "7wwe",
+ "3fgw",
+ "5n7m",
+ "1n1v",
+ "6imi",
+ "1c49",
+ "6krm",
+ "3qkd",
+ "1udu",
+ "2dco",
+ "6vkq",
+ "1mqh",
+ "4wdu",
+ "1ibe",
+ "7t2r",
+ "5ype",
+ "6hin",
+ "8d4l",
+ "7jrq",
+ "1khz",
+ "1wr1",
+ "3ojv",
+ "5eab",
+ "3qkg",
+ "6mxd",
+ "7kcr",
+ "7rh0",
+ "6low",
+ "6e91",
+ "1epi",
+ "3b9e",
+ "5vj2",
+ "1vco",
+ "1wc9",
+ "1yop",
+ "1rif",
+ "6e95",
+ "4fnq",
+ "6juq",
+ "2nox",
+ "1vfy",
+ "5wyo",
+ "7khs",
+ "5d3s",
+ "2lmn",
+ "8dkb",
+ "5f4e",
+ "5hfl",
+ "2fo8",
+ "1uvi",
+ "4org",
+ "5nir",
+ "1m3u",
+ "3kvv",
+ "3l0s",
+ "4j0s",
+ "3aba",
+ "2v43",
+ "6gjj",
+ "6yd1",
+ "1jyl",
+ "3f3v",
+ "1v25",
+ "2qol",
+ "2x8u",
+ "4gw5",
+ "2n8a",
+ "1ooc",
+ "1f89",
+ "6jcw",
+ "1zd3",
+ "3jax",
+ "3drt",
+ "6fxh",
+ "7e2k",
+ "2bs2",
+ "6nxa",
+ "5rsr",
+ "5fna",
+ "3di6",
+ "1ois",
+ "4e7t",
+ "6xwi",
+ "6u3i",
+ "6fxa",
+ "6ak5",
+ "2kxs",
+ "5hzg",
+ "3ldq",
+ "1acp",
+ "3ztp",
+ "1rj9",
+ "1cfp",
+ "4ar9",
+ "1w5m",
+ "3qj8",
+ "3qdg",
+ "4jkw",
+ "6wm2",
+ "1gi5",
+ "1phh",
+ "5ph8",
+ "2q2i",
+ "8aaj",
+ "3tmv",
+ "1hm0",
+ "5p1d",
+ "5gyj",
+ "1fxt",
+ "6sbd",
+ "3ocz",
+ "3hqq",
+ "6lk0",
+ "6pak",
+ "5h2f",
+ "3edj",
+ "2hlr",
+ "3h7o",
+ "4j1b",
+ "1xte",
+ "3mxs",
+ "1iuw",
+ "5g1a",
+ "6no5",
+ "6obw",
+ "1dgu",
+ "6ge9",
+ "3k9g",
+ "4dda",
+ "3re4",
+ "1qrg",
+ "7m5n",
+ "1orj",
+ "6p44",
+ "2bo9",
+ "6og3",
+ "7zm1",
+ "7rcb",
+ "7t72",
+ "5dij",
+ "7ewe",
+ "3s7f",
+ "7s6r",
+ "2mzd",
+ "1pu3",
+ "4oxn",
+ "2bzs",
+ "2wt2",
+ "1thv",
+ "5jou",
+ "1f97",
+ "5m0z",
+ "5jjo",
+ "3tv8",
+ "5eyx",
+ "3eox",
+ "3lxg",
+ "1pqe",
+ "5t6d",
+ "7vqx",
+ "3obt",
+ "3fsr",
+ "5d7i",
+ "2fgy",
+ "2qfd",
+ "4pkt",
+ "4fju",
+ "4w4v",
+ "5dz1",
+ "6prz",
+ "2vu5",
+ "6sou",
+ "5j11",
+ "1azk",
+ "2e1a",
+ "5g4k",
+ "4q8r",
+ "4ybf",
+ "5ywy",
+ "7c15",
+ "2vhz",
+ "1ldr",
+ "1i4q",
+ "2whx",
+ "6onm",
+ "2e7a",
+ "6er8",
+ "1p27",
+ "5zkp",
+ "7t6r",
+ "5cth",
+ "2zf8",
+ "4n4l",
+ "2x7e",
+ "8ba4",
+ "6kri",
+ "4ubd",
+ "6ucr",
+ "4d87",
+ "4gc2",
+ "4jcn",
+ "2v4n",
+ "1ifx",
+ "4bcy",
+ "5stm",
+ "5c2m",
+ "2khp",
+ "4r5h",
+ "5kxs",
+ "2avs",
+ "1r8o",
+ "5xqj",
+ "2ojg",
+ "3tw2",
+ "7tbu",
+ "1dih",
+ "1ycq",
+ "4igo",
+ "2b6z",
+ "6adx",
+ "7sa1",
+ "6u8q",
+ "2x83",
+ "5g18",
+ "1ebe",
+ "2ela",
+ "6cmg",
+ "1g6n",
+ "4nu2",
+ "3uu6",
+ "2yiq",
+ "4l05",
+ "3siu",
+ "8aio",
+ "1k6t",
+ "3ou4",
+ "6far",
+ "5fc7",
+ "6nm9",
+ "1ez3",
+ "1bs4",
+ "2ceo",
+ "5uha",
+ "2hz4",
+ "7u8d",
+ "3e2s",
+ "2bio",
+ "6w0c",
+ "3de8",
+ "6ntf",
+ "4flz",
+ "4qb3",
+ "3f8f",
+ "1xbd",
+ "6wa2",
+ "2l7n",
+ "7exw",
+ "2kyi",
+ "2lpx",
+ "1tyf",
+ "7x7z",
+ "4cju",
+ "4l4b",
+ "5djz",
+ "4an7",
+ "7fe4",
+ "2ac5",
+ "7oyi",
+ "7k6u",
+ "5tm2",
+ "5enw",
+ "2h4q",
+ "4aff",
+ "2vlt",
+ "4gaa",
+ "4asj",
+ "4h2d",
+ "4o64",
+ "6ngt",
+ "8cxt",
+ "2w7o",
+ "6tqa",
+ "2kjo",
+ "3bxm",
+ "6yfi",
+ "1br1",
+ "4g1a",
+ "2xr9",
+ "3oyh",
+ "4p4b",
+ "8eot",
+ "2zx4",
+ "1o4h",
+ "5n88",
+ "4pl9",
+ "3awe",
+ "1k6v",
+ "5zfl",
+ "2c2o",
+ "6gr1",
+ "6dnf",
+ "1ywf",
+ "4k28",
+ "7d4u",
+ "5nlf",
+ "4wys",
+ "4c6t",
+ "3dy0",
+ "2gew",
+ "1zia",
+ "1pt8",
+ "4ynh",
+ "3e20",
+ "1hew",
+ "5l8b",
+ "4ee2",
+ "3uav",
+ "7f6o",
+ "5w7a",
+ "5kf3",
+ "4l32",
+ "4wsw",
+ "1hed",
+ "5ggb",
+ "4bmf",
+ "6ews",
+ "4gly",
+ "4lks",
+ "6v9z",
+ "3j3s",
+ "5ivn",
+ "5ti3",
+ "1ykk",
+ "5bvc",
+ "1ees",
+ "7bgp",
+ "7bjt",
+ "3q09",
+ "2c7m",
+ "2iap",
+ "3efq",
+ "5ypt",
+ "8ccb",
+ "5ck7",
+ "3mn6",
+ "5jg4",
+ "4zxc",
+ "4cpy",
+ "4wlg",
+ "4eg5",
+ "2mgv",
+ "4p0t",
+ "8ew2",
+ "4aj6",
+ "1ap6",
+ "6vlr",
+ "1cu3",
+ "6mrn",
+ "1o3k",
+ "7elm",
+ "1umi",
+ "4dtz",
+ "4yvu",
+ "7f1q",
+ "2ltx",
+ "3ip0",
+ "2zxn",
+ "2fah",
+ "5pik",
+ "6iuh",
+ "4osx",
+ "6x4o",
+ "3q1j",
+ "3k0h",
+ "5afw",
+ "1ddf",
+ "7b7e",
+ "3ne6",
+ "3g19",
+ "6fkl",
+ "3ayj",
+ "6g29",
+ "3hw4",
+ "2d4q",
+ "3ccu",
+ "4ihk",
+ "2fk6",
+ "2rdt",
+ "4rr8",
+ "5uo7",
+ "6de2",
+ "1tzb",
+ "6dru",
+ "4hpc",
+ "7lol",
+ "1i2g",
+ "6rsf",
+ "3lyn",
+ "1l4s",
+ "1ef0",
+ "3w45",
+ "7mqr",
+ "3itx",
+ "6gyu",
+ "2vj1",
+ "1cqm",
+ "5e06",
+ "1o9d",
+ "3qei",
+ "6luk",
+ "6mmv",
+ "4ysb",
+ "5bqb",
+ "5abk",
+ "5e0s",
+ "7p0f",
+ "4zm3",
+ "2zal",
+ "2f6y",
+ "5mkm",
+ "5sqd",
+ "2bjf",
+ "8ily",
+ "3mcy",
+ "5a1v",
+ "4dea",
+ "6k2d",
+ "2ad9",
+ "3me2",
+ "6x25",
+ "1a8h",
+ "2vaa",
+ "4ih0",
+ "5roq",
+ "7dfp",
+ "5gy3",
+ "4fdn",
+ "4ekq",
+ "3avq",
+ "2puy",
+ "6bh9",
+ "3zto",
+ "1kh5",
+ "7n5w",
+ "5brz",
+ "5m96",
+ "5s6z",
+ "2hgf",
+ "6aez",
+ "7bjv",
+ "6uee",
+ "7q0u",
+ "5qeh",
+ "6duw",
+ "3zfy",
+ "3zu2",
+ "5gmq",
+ "5msm",
+ "7tmm",
+ "1exw",
+ "1lez",
+ "3oiq",
+ "6jir",
+ "7n7p",
+ "4k72",
+ "5ufr",
+ "1dxm",
+ "6qqj",
+ "6flk",
+ "3djt",
+ "7b0p",
+ "3mgy",
+ "2cvf",
+ "1fzt",
+ "5agi",
+ "2c5f",
+ "4rpk",
+ "2q7d",
+ "3n0k",
+ "7qkk",
+ "6u8e",
+ "6cvq",
+ "5i3h",
+ "5n0y",
+ "3msj",
+ "3qpk",
+ "4c9v",
+ "2xyt",
+ "7x3z",
+ "1sc3",
+ "7f4y",
+ "5nuf",
+ "5ofs",
+ "5i79",
+ "5b8c",
+ "3t2n",
+ "4rz2",
+ "1fro",
+ "6l84",
+ "3laf",
+ "4fup",
+ "7sh5",
+ "1kxa",
+ "4hop",
+ "1s0z",
+ "7udp",
+ "5oxg",
+ "1hui",
+ "4iz0",
+ "2xaj",
+ "6crs",
+ "1q3i",
+ "6ps3",
+ "3r6t",
+ "1bz5",
+ "2lr2",
+ "2hnh",
+ "4z9w",
+ "7ec5",
+ "3s7h",
+ "3h4k",
+ "1h5u",
+ "5htg",
+ "2pme",
+ "1mo4",
+ "4uwf",
+ "1adr",
+ "2rgk",
+ "3bdm",
+ "3zbi",
+ "2nvd",
+ "3f9q",
+ "7m27",
+ "2hyi",
+ "4lqh",
+ "7uzx",
+ "1qnt",
+ "5c0w",
+ "3e2r",
+ "7q4b",
+ "2luu",
+ "4ffa",
+ "4n8i",
+ "2w2n",
+ "1mf0",
+ "2rtx",
+ "6gao",
+ "4zh1",
+ "6g25",
+ "4fb2",
+ "7xav",
+ "2mat",
+ "6hgm",
+ "3kui",
+ "1v7t",
+ "4v1b",
+ "6xwe",
+ "1e1d",
+ "5lwi",
+ "4rnq",
+ "5d12",
+ "5e86",
+ "5tef",
+ "7kms",
+ "4mf9",
+ "3f28",
+ "2ay4",
+ "2br3",
+ "5woo",
+ "5ui2",
+ "6wpv",
+ "6jak",
+ "1wdp",
+ "1zsp",
+ "5pnl",
+ "6d4a",
+ "4fc3",
+ "8tfv",
+ "2axx",
+ "5jfb",
+ "5csu",
+ "8db3",
+ "3v56",
+ "3afc",
+ "4du7",
+ "3eky",
+ "6yr4",
+ "1wa9",
+ "4a25",
+ "4ilw",
+ "2hro",
+ "2qmt",
+ "5tb6",
+ "4avl",
+ "1f37",
+ "5qf8",
+ "5zz9",
+ "1a0h",
+ "3aww",
+ "5mh3",
+ "7ayb",
+ "6dih",
+ "4aab",
+ "8dyz",
+ "5ap7",
+ "4n73",
+ "3fa0",
+ "4z3m",
+ "4ts4",
+ "7ygl",
+ "5cvm",
+ "5fi2",
+ "4jjn",
+ "4nhh",
+ "2j4m",
+ "4dor",
+ "6dfg",
+ "5ph9",
+ "2m2v",
+ "6c76",
+ "2rv3",
+ "6gvh",
+ "7squ",
+ "1gve",
+ "7f1t",
+ "4atu",
+ "5zgf",
+ "4i4p",
+ "1qpf",
+ "5dob",
+ "3bov",
+ "4q0w",
+ "2hu5",
+ "5qy9",
+ "1vhh",
+ "6fuj",
+ "6gge",
+ "1piw",
+ "7c3c",
+ "8gop",
+ "5cnv",
+ "5hgi",
+ "4kl7",
+ "2v1d",
+ "4pb2",
+ "7tb1",
+ "5cb6",
+ "4uia",
+ "2ggk",
+ "5o50",
+ "7vdf",
+ "5omt",
+ "6w11",
+ "1cbs",
+ "4ef9",
+ "6zjn",
+ "1w7e",
+ "3ux3",
+ "2xex",
+ "5v1m",
+ "6tg3",
+ "7lbr",
+ "4p10",
+ "6v0p",
+ "3zyn",
+ "5vmj",
+ "1lbl",
+ "1wyw",
+ "3mgs",
+ "1kbq",
+ "5l4q",
+ "3apy",
+ "4fvw",
+ "6wbe",
+ "7pfq",
+ "2q8x",
+ "7zwn",
+ "4tlc",
+ "4fia",
+ "1di0",
+ "4axd",
+ "7r2w",
+ "2wi1",
+ "4hqm",
+ "5u7l",
+ "2w0r",
+ "5oki",
+ "5ee1",
+ "1ncz",
+ "3g4w",
+ "1twr",
+ "7esx",
+ "6c6q",
+ "2x7t",
+ "3fqq",
+ "2iyk",
+ "7t62",
+ "1npf",
+ "6gjw",
+ "6gfl",
+ "5rce",
+ "2zws",
+ "5nlu",
+ "6v29",
+ "6lhg",
+ "2z87",
+ "6zjl",
+ "2hwh",
+ "6o5c",
+ "1zmc",
+ "2zj5",
+ "3mo2",
+ "6sh6",
+ "1uml",
+ "1bs3",
+ "4aw4",
+ "2a45",
+ "5phg",
+ "5qmg",
+ "5ahy",
+ "4cwc",
+ "7amg",
+ "1u0u",
+ "4zii",
+ "5flv",
+ "2v17",
+ "4ax4",
+ "2zz0",
+ "7eid",
+ "7fkz",
+ "3nv2",
+ "5zzt",
+ "2ra0",
+ "5yvh",
+ "3qk0",
+ "4iwr",
+ "2wo4",
+ "1crp",
+ "2y99",
+ "5p8g",
+ "2kzi",
+ "8h27",
+ "5h9w",
+ "7dk4",
+ "6l5b",
+ "2la1",
+ "7d4n",
+ "1aal",
+ "5rlt",
+ "4yu7",
+ "4ny6",
+ "6bqo",
+ "5vu6",
+ "4jtj",
+ "2i0w",
+ "3zqc",
+ "6pm1",
+ "5a25",
+ "5u6s",
+ "6czv",
+ "2co4",
+ "3nmn",
+ "6asz",
+ "1phr",
+ "3bnh",
+ "5c05",
+ "5dtc",
+ "7dhz",
+ "4ig0",
+ "7asi",
+ "2f44",
+ "6jz1",
+ "5knj",
+ "1ux0",
+ "2j7v",
+ "5kcj",
+ "2qsu",
+ "1a7w",
+ "1lzz",
+ "7tv0",
+ "2nd6",
+ "2w8l",
+ "2b1x",
+ "6y30",
+ "5y6h",
+ "3n5a",
+ "5n16",
+ "6ypf",
+ "3u2h",
+ "4o2e",
+ "1zkc",
+ "1jkg",
+ "1ke9",
+ "5cxi",
+ "3v2p",
+ "6ppd",
+ "1v26",
+ "5n4e",
+ "6wuy",
+ "3dpe",
+ "3rm9",
+ "5n5g",
+ "5ca7",
+ "2mxx",
+ "5nnr",
+ "5f3g",
+ "7dlq",
+ "7f57",
+ "6qbz",
+ "1mu4",
+ "7sfw",
+ "5zcy",
+ "4d89",
+ "5s1i",
+ "6ytw",
+ "3vrf",
+ "1ebh",
+ "2iao",
+ "7mh0",
+ "4kh1",
+ "6yae",
+ "6hzy",
+ "6l4h",
+ "1k5q",
+ "5ag3",
+ "3x29",
+ "1w4l",
+ "5eeq",
+ "6ryl",
+ "4fkd",
+ "3c1g",
+ "3o8n",
+ "1iit",
+ "4tk1",
+ "5ujz",
+ "4udk",
+ "1ri2",
+ "5igr",
+ "5iec",
+ "1u31",
+ "6jvm",
+ "8de2",
+ "7wuj",
+ "6kfw",
+ "1kjx",
+ "5vui",
+ "8e90",
+ "6zot",
+ "5k34",
+ "5ael",
+ "5db8",
+ "4njv",
+ "5lvq",
+ "1vfg",
+ "6ouu",
+ "4myo",
+ "2u2f",
+ "6mpa",
+ "3gqb",
+ "2z37",
+ "2xj4",
+ "4gvh",
+ "1x9x",
+ "2ewg",
+ "4r7b",
+ "2n7b",
+ "3w98",
+ "4rr5",
+ "1a37",
+ "1nvk",
+ "2ola",
+ "6nk7",
+ "4up3",
+ "6hv8",
+ "4ezn",
+ "6qwd",
+ "2p09",
+ "2ekq",
+ "4ahe",
+ "3a71",
+ "4b0h",
+ "1n8b",
+ "3eqo",
+ "1utq",
+ "3doy",
+ "7bh5",
+ "2dwe",
+ "6beh",
+ "3u1m",
+ "4mb1",
+ "6mqi",
+ "1zin",
+ "2xq0",
+ "4d3m",
+ "2io9",
+ "4y6g",
+ "7fne",
+ "1kmv",
+ "6oqb",
+ "3d9l",
+ "6fr8",
+ "3t8s",
+ "2x9f",
+ "5nzn",
+ "5h0t",
+ "3fhz",
+ "3vks",
+ "1pjw",
+ "7zdh",
+ "2pq9",
+ "7srv",
+ "4l7t",
+ "4esq",
+ "3e4z",
+ "6prh",
+ "4kz5",
+ "3bvs",
+ "6d0o",
+ "4zf8",
+ "4um8",
+ "5men",
+ "7wpi",
+ "4ctu",
+ "1gck",
+ "4tyt",
+ "9gpb",
+ "6hr3",
+ "1b46",
+ "1rl3",
+ "2o1t",
+ "3ipr",
+ "2gpv",
+ "2zye",
+ "3wgi",
+ "3cyo",
+ "1h63",
+ "2w7k",
+ "3vw0",
+ "5ypr",
+ "4mlo",
+ "3zn0",
+ "6e9u",
+ "2bwu",
+ "3o4b",
+ "6np9",
+ "2wcj",
+ "2rj4",
+ "6mbi",
+ "6a7u",
+ "5m6e",
+ "6sza",
+ "1xfc",
+ "3h6g",
+ "1tvi",
+ "4mys",
+ "1uxy",
+ "2r4z",
+ "4zqa",
+ "4gna",
+ "6pet",
+ "2b8z",
+ "4kio",
+ "6hx5",
+ "4iam",
+ "1p9m",
+ "2c71",
+ "5dd9",
+ "6dyo",
+ "6qdd",
+ "5k59",
+ "4d8a",
+ "1u6q",
+ "6txr",
+ "3h33",
+ "5hia",
+ "3ov7",
+ "6c6j",
+ "3j15",
+ "4xh1",
+ "1bxq",
+ "5nwt",
+ "6t9z",
+ "5pqk",
+ "1h38",
+ "3meh",
+ "5epn",
+ "4cdr",
+ "3l10",
+ "5uwl",
+ "3gd3",
+ "1l5t",
+ "1ysf",
+ "7us5",
+ "5cbf",
+ "4qqh",
+ "7lfe",
+ "3kvt",
+ "2nmn",
+ "3ii9",
+ "5i89",
+ "3m9a",
+ "7zny",
+ "1iqs",
+ "5dkw",
+ "2wk8",
+ "8a58",
+ "2x53",
+ "1j06",
+ "6cpr",
+ "7v8e",
+ "1s2o",
+ "8fx9",
+ "7lay",
+ "4up0",
+ "4f6x",
+ "4zkc",
+ "5qyi",
+ "6cfc",
+ "4hzh",
+ "3ce1",
+ "7flq",
+ "6ezq",
+ "3zm2",
+ "2c3g",
+ "6nzq",
+ "2yt2",
+ "1h7j",
+ "6vs8",
+ "7y5d",
+ "2ru4",
+ "2ill",
+ "6edk",
+ "7m14",
+ "6ib1",
+ "7c6q",
+ "1d8i",
+ "1y9j",
+ "6rnm",
+ "5xrr",
+ "1jhd",
+ "6ypw",
+ "4r6l",
+ "4h2v",
+ "3zgc",
+ "4qqs",
+ "7qcs",
+ "5tuo",
+ "4y0g",
+ "3i2n",
+ "5c92",
+ "2bk0",
+ "4la5",
+ "6bzs",
+ "3fqr",
+ "6buo",
+ "2vu9",
+ "1gfo",
+ "1was",
+ "6m5t",
+ "6pte",
+ "6wms",
+ "1hwk",
+ "7dc6",
+ "7qg7",
+ "5ky1",
+ "2rnj",
+ "6vt5",
+ "4i96",
+ "5cbs",
+ "3cg6",
+ "3p8h",
+ "3nwv",
+ "7pev",
+ "3wh8",
+ "1tzs",
+ "3q7v",
+ "1f1f",
+ "1k6f",
+ "2c6g",
+ "7ebu",
+ "1zpd",
+ "3pls",
+ "5op8",
+ "5vbp",
+ "5oxj",
+ "7c7v",
+ "1stz",
+ "3tzn",
+ "3lf5",
+ "1ttg",
+ "3lph",
+ "5n8t",
+ "5t6j",
+ "7vmu",
+ "5obv",
+ "3sdd",
+ "5oqd",
+ "7tw6",
+ "3i51",
+ "6wgv",
+ "4wu9",
+ "6l3w",
+ "6vl3",
+ "2k8f",
+ "7u4g",
+ "6hqn",
+ "5fks",
+ "6d5a",
+ "1kqz",
+ "2zvs",
+ "1nds",
+ "6g6l",
+ "5y5i",
+ "3n25",
+ "5ks5",
+ "5uh6",
+ "5j3l",
+ "6nc1",
+ "1qpp",
+ "5xnz",
+ "3v1z",
+ "2ids",
+ "1juj",
+ "5ox3",
+ "6h51",
+ "4xji",
+ "3li6",
+ "7p1q",
+ "3ac9",
+ "3k0m",
+ "1woi",
+ "4lxq",
+ "2uwn",
+ "2k06",
+ "1bu7",
+ "1qit",
+ "6gia",
+ "5fau",
+ "4hux",
+ "5jv5",
+ "3cii",
+ "1z9a",
+ "3byv",
+ "6t0k",
+ "4c55",
+ "7r9l",
+ "1b73",
+ "1sp4",
+ "2vdl",
+ "2n7j",
+ "4yjl",
+ "2j63",
+ "1ker",
+ "4kl5",
+ "1atj",
+ "2vnn",
+ "1x78",
+ "4bja",
+ "1ktl",
+ "3qbx",
+ "2acg",
+ "3at4",
+ "1a5i",
+ "4fxu",
+ "1sms",
+ "4isu",
+ "3ikd",
+ "1std",
+ "1yhk",
+ "6agj",
+ "3bwn",
+ "4gcl",
+ "2r8q",
+ "5h5w",
+ "6okj",
+ "5cir",
+ "2mgs",
+ "3rbj",
+ "1lsx",
+ "3s0a",
+ "5xk8",
+ "6fd4",
+ "1lnx",
+ "6l85",
+ "3ihf",
+ "4uyz",
+ "4bmj",
+ "6z96",
+ "5do9",
+ "5r81",
+ "5wlt",
+ "3gxu",
+ "1kny",
+ "7w6o",
+ "2gp7",
+ "7sol",
+ "7k25",
+ "4hwr",
+ "2v2a",
+ "6xmh",
+ "4k5o",
+ "5xau",
+ "5lg1",
+ "5ypg",
+ "6baf",
+ "3dy8",
+ "5ydk",
+ "5vk3",
+ "4dpt",
+ "6ewg",
+ "2lom",
+ "5ji1",
+ "6vm6",
+ "5n5v",
+ "3vym",
+ "7pfg",
+ "5k5v",
+ "1o9w",
+ "1izq",
+ "3o7s",
+ "8a2w",
+ "6i4r",
+ "2v96",
+ "5lkm",
+ "7z50",
+ "4onr",
+ "5t50",
+ "4e5m",
+ "4ku3",
+ "2jhn",
+ "2gmf",
+ "1yh8",
+ "5epp",
+ "3ps5",
+ "3zuq",
+ "1jio",
+ "1p2o",
+ "6bbo",
+ "3ve0",
+ "2ami",
+ "2mhs",
+ "7kss",
+ "5xnf",
+ "6kgn",
+ "1zhj",
+ "6x6o",
+ "1u4f",
+ "3cbp",
+ "5l1l",
+ "3udr",
+ "4gvl",
+ "1nmt",
+ "1p42",
+ "3nr2",
+ "7agc",
+ "3gx0",
+ "4ew0",
+ "6xu1",
+ "7xlj",
+ "5r1e",
+ "6p9v",
+ "1kao",
+ "1txz",
+ "4g4c",
+ "5t98",
+ "3udt",
+ "6u4a",
+ "2v2z",
+ "6cds",
+ "6vkk",
+ "7tle",
+ "3qwi",
+ "1keq",
+ "5vzi",
+ "3cr8",
+ "8b6z",
+ "3sex",
+ "1fvk",
+ "6c69",
+ "3zhc",
+ "6wwm",
+ "6gq8",
+ "3kqb",
+ "1tvd",
+ "6bsv",
+ "5xc0",
+ "5bqt",
+ "1ye9",
+ "8ccg",
+ "4ook",
+ "5dp6",
+ "4coj",
+ "2f1z",
+ "2v9t",
+ "3ut0",
+ "6pdx",
+ "6ph3",
+ "1ri4",
+ "2oae",
+ "3vye",
+ "1ouj",
+ "1e1a",
+ "6ra6",
+ "7mot",
+ "2bby",
+ "1ym1",
+ "1ed0",
+ "4agf",
+ "1wok",
+ "1ipj",
+ "4xya",
+ "1wac",
+ "5o3h",
+ "2g4o",
+ "5zz3",
+ "5a0z",
+ "1m7w",
+ "6r53",
+ "5ob7",
+ "3v1l",
+ "7njg",
+ "7u34",
+ "1nj9",
+ "2xfq",
+ "4zsl",
+ "6u1l",
+ "2vo8",
+ "6s2i",
+ "5l0g",
+ "5rbw",
+ "5chg",
+ "2ux0",
+ "3p89",
+ "5v3x",
+ "2xe7",
+ "6b7k",
+ "5hl7",
+ "5ksd",
+ "3oui",
+ "5lfr",
+ "5stz",
+ "4yg1",
+ "7uon",
+ "4it9",
+ "5buz",
+ "4ell",
+ "1y62",
+ "7vp0",
+ "7ve3",
+ "3zkf",
+ "1d1j",
+ "3ra9",
+ "1fdo",
+ "4am0",
+ "1dc7",
+ "1js8",
+ "1xsb",
+ "5m3s",
+ "6lhn",
+ "3b86",
+ "6e2u",
+ "7td3",
+ "1dsw",
+ "4m2y",
+ "1oz2",
+ "7nba",
+ "6wrx",
+ "4qvn",
+ "4igd",
+ "4b82",
+ "5ng5",
+ "2byj",
+ "8dx4",
+ "6uwj",
+ "6yht",
+ "5u8h",
+ "4o9a",
+ "6vqb",
+ "7ejl",
+ "8dws",
+ "2xfe",
+ "199l",
+ "4dqy",
+ "1gul",
+ "6usp",
+ "6aa8",
+ "5gga",
+ "1xdw",
+ "7w4c",
+ "3itt",
+ "1i6c",
+ "1ya9",
+ "7hsc",
+ "2h2k",
+ "1w1f",
+ "3pug",
+ "5rdg",
+ "5lqs",
+ "6zz3",
+ "7ea5",
+ "4uu8",
+ "2lu5",
+ "5o9i",
+ "7yfr",
+ "7o4j",
+ "1oaw",
+ "2dyj",
+ "6v0a",
+ "5qik",
+ "3zr0",
+ "1qa7",
+ "6b9v",
+ "2c0j",
+ "2yph",
+ "3cpm",
+ "5wma",
+ "4pve",
+ "3qq0",
+ "2ahw",
+ "6mjj",
+ "3bri",
+ "1ery",
+ "3al0",
+ "7a1w",
+ "4bd8",
+ "6kzc",
+ "7z4x",
+ "3sqj",
+ "4xnk",
+ "7oyw",
+ "4xza",
+ "1l04",
+ "5z2p",
+ "1adv",
+ "5plq",
+ "1pwt",
+ "4o2g",
+ "5llk",
+ "4kka",
+ "1nqy",
+ "4xf3",
+ "4ax8",
+ "7dv7",
+ "1ht3",
+ "5p2y",
+ "7lx8",
+ "7wu9",
+ "2co2",
+ "7s1u",
+ "4g4s",
+ "1jso",
+ "6p28",
+ "1xor",
+ "4zoh",
+ "4lx0",
+ "3tlf",
+ "5lcf",
+ "5y4j",
+ "6uci",
+ "7uvm",
+ "4yyt",
+ "4yrd",
+ "7rdq",
+ "7etv",
+ "4evf",
+ "3lks",
+ "6vi8",
+ "6vxj",
+ "7o2k",
+ "7ezc",
+ "5r3p",
+ "3tof",
+ "4mfc",
+ "1m67",
+ "7pqw",
+ "3d15",
+ "2os2",
+ "5dji",
+ "4bj3",
+ "5kc0",
+ "5ni7",
+ "2qxi",
+ "6y5e",
+ "3acc",
+ "7zxd",
+ "2v7w",
+ "2aeu",
+ "5l7k",
+ "6vjp",
+ "1ebf",
+ "1goi",
+ "7qct",
+ "6gag",
+ "7ek7",
+ "8bc6",
+ "1bqc",
+ "7swj",
+ "7sa8",
+ "3n5o",
+ "4d0z",
+ "2xcz",
+ "6dl2",
+ "4adt",
+ "5tur",
+ "5qlw",
+ "5tnp",
+ "6lkf",
+ "6a5g",
+ "1q27",
+ "3v1y",
+ "6f7v",
+ "2k1e",
+ "5eyc",
+ "2gvy",
+ "1d2k",
+ "5xjx",
+ "1iq9",
+ "2dq5",
+ "6f7j",
+ "4i5p",
+ "5wbc",
+ "2etx",
+ "2x8r",
+ "1hr6",
+ "4uw3",
+ "6j88",
+ "1ijc",
+ "5y26",
+ "1wcq",
+ "1jqx",
+ "5arj",
+ "1ee8",
+ "6bat",
+ "4cx5",
+ "6qml",
+ "8c0f",
+ "5i49",
+ "5dw2",
+ "5rge",
+ "6p42",
+ "1h34",
+ "2fne",
+ "3r5h",
+ "2lsw",
+ "2hdi",
+ "1cmg",
+ "2c7t",
+ "1lot",
+ "4j4j",
+ "6phx",
+ "7kbs",
+ "3kxu",
+ "8fm2",
+ "7nng",
+ "5o99",
+ "4kfz",
+ "6sem",
+ "6cpt",
+ "1gt6",
+ "6wvw",
+ "5g1p",
+ "5fxq",
+ "5z65",
+ "7c0v",
+ "1f1x",
+ "1m8w",
+ "6vjk",
+ "6x2l",
+ "7jvv",
+ "4z61",
+ "1q5w",
+ "1z22",
+ "1a49",
+ "5iml",
+ "4p0p",
+ "6bzd",
+ "4ep6",
+ "4wjq",
+ "5hqo",
+ "3fz9",
+ "5vdq",
+ "5pjo",
+ "2ccu",
+ "3u87",
+ "1aty",
+ "3dp0",
+ "7tva",
+ "6jph",
+ "5e2p",
+ "6iok",
+ "7jvp",
+ "2hwt",
+ "6dc6",
+ "8gu6",
+ "7m87",
+ "5rpw",
+ "3ax1",
+ "1gql",
+ "1k3h",
+ "5eoa",
+ "7ue0",
+ "6y24",
+ "6xue",
+ "3udg",
+ "3qno",
+ "4joj",
+ "3w01",
+ "1cfw",
+ "9gaa",
+ "2pqi",
+ "4edf",
+ "2hw0",
+ "7z38",
+ "6nvm",
+ "2l74",
+ "4bif",
+ "1uzj",
+ "1dfi",
+ "1m2e",
+ "4z0x",
+ "1ps8",
+ "1kf0",
+ "7czm",
+ "6q00",
+ "1f65",
+ "3q9t",
+ "7puq",
+ "4p8k",
+ "3vbh",
+ "3iu5",
+ "4i2j",
+ "7cbz",
+ "8b7i",
+ "3t89",
+ "5cl3",
+ "4elb",
+ "1dug",
+ "4ryp",
+ "4eno",
+ "7z5a",
+ "7sla",
+ "3keq",
+ "6f9u",
+ "5rd0",
+ "4cyp",
+ "1hzd",
+ "7d7r",
+ "5v8g",
+ "5fhn",
+ "2gds",
+ "7sly",
+ "5mfr",
+ "7co2",
+ "7eg0",
+ "2aql",
+ "3don",
+ "2jku",
+ "7b4y",
+ "5fkn",
+ "3gga",
+ "1pt1",
+ "2bss",
+ "4xrz",
+ "2pvy",
+ "3j8k",
+ "7rb1",
+ "6u26",
+ "4nf1",
+ "5uct",
+ "4crj",
+ "4wvv",
+ "4rhr",
+ "7tsq",
+ "5rm2",
+ "1u1i",
+ "7nvz",
+ "6f5d",
+ "7cha",
+ "2v26",
+ "5mf7",
+ "2muq",
+ "3rb3",
+ "3lts",
+ "2cc0",
+ "2xa0",
+ "7ttu",
+ "5gso",
+ "3wkf",
+ "1p53",
+ "1ygf",
+ "2z5y",
+ "5y5q",
+ "1twb",
+ "5px4",
+ "1otn",
+ "8f49",
+ "5r12",
+ "6l89",
+ "2d0g",
+ "6ypj",
+ "5w4x",
+ "7kc1",
+ "1q6b",
+ "1dx0",
+ "6vco",
+ "4o6z",
+ "2d3i",
+ "2c7h",
+ "1gaj",
+ "7nz8",
+ "2kia",
+ "3ho6",
+ "7q2g",
+ "2zjb",
+ "6j71",
+ "4h6o",
+ "3ngm",
+ "5jbn",
+ "5wjk",
+ "6gdk",
+ "4px9",
+ "6lu4",
+ "1qgo",
+ "6dac",
+ "5wf5",
+ "6vzv",
+ "8bek",
+ "1d4e",
+ "6a5s",
+ "4axo",
+ "4mf1",
+ "2iga",
+ "2btx",
+ "5pd6",
+ "2j61",
+ "7n54",
+ "7zkn",
+ "5utg",
+ "7ddw",
+ "1hti",
+ "1v66",
+ "6z9c",
+ "1bsc",
+ "6i21",
+ "4xsu",
+ "2j1y",
+ "2fdv",
+ "4iqu",
+ "1xtq",
+ "1w15",
+ "3aas",
+ "3n6s",
+ "3csn",
+ "2vmz",
+ "4xhe",
+ "7e5n",
+ "4y0p",
+ "1nfq",
+ "1uvz",
+ "4xbp",
+ "5cac",
+ "1ozi",
+ "5d0z",
+ "6w9v",
+ "2iwi",
+ "4gn1",
+ "4cxo",
+ "1jvl",
+ "6vam",
+ "6gur",
+ "2f9r",
+ "4z0j",
+ "2xfi",
+ "7v5d",
+ "1zyd",
+ "7mnz",
+ "4gdx",
+ "5tjb",
+ "8id9",
+ "2r7r",
+ "3h1x",
+ "1lv2",
+ "1slh",
+ "7u0z",
+ "6rgq",
+ "2n54",
+ "1aa4",
+ "7s2g",
+ "6ddq",
+ "3im9",
+ "6kmm",
+ "1zny",
+ "3rtc",
+ "8e96",
+ "7vl5",
+ "6bjm",
+ "1wt7",
+ "1xwn",
+ "6tr8",
+ "2abz",
+ "1kts",
+ "2d4z",
+ "5f81",
+ "1xna",
+ "7rbl",
+ "1gfk",
+ "6sdw",
+ "3tdu",
+ "3aqg",
+ "4u2y",
+ "1cea",
+ "2r68",
+ "5e4v",
+ "7q57",
+ "2pxc",
+ "7mgd",
+ "2q9d",
+ "4o8w",
+ "2b3l",
+ "5q0r",
+ "2h7y",
+ "1cai",
+ "5zv9",
+ "1a3y",
+ "5xz4",
+ "2j09",
+ "3o2t",
+ "2f5e",
+ "5m8u",
+ "7dla",
+ "2qj3",
+ "1nqn",
+ "6hpy",
+ "2pxl",
+ "6lf8",
+ "6tpa",
+ "6n16",
+ "7ux5",
+ "5p1e",
+ "6qtg",
+ "6awp",
+ "7mp1",
+ "5yb6",
+ "5qdm",
+ "6jug",
+ "7jhd",
+ "1pa1",
+ "7znj",
+ "5t4f",
+ "6n7u",
+ "1zgl",
+ "1l59",
+ "4wng",
+ "6soe",
+ "2iuk",
+ "7mkg",
+ "7oto",
+ "7m9f",
+ "4xln",
+ "3asr",
+ "1dff",
+ "1hv9",
+ "1ky6",
+ "4jlc",
+ "2f9z",
+ "6h46",
+ "3szm",
+ "4a44",
+ "2r0p",
+ "6g0z",
+ "7ry8",
+ "5ywo",
+ "4ers",
+ "3wih",
+ "1zn5",
+ "1g60",
+ "7ro3",
+ "1dxp",
+ "1nw6",
+ "1g3n",
+ "1xff",
+ "4wik",
+ "2czk",
+ "7nie",
+ "3mmv",
+ "1cmu",
+ "7a63",
+ "5vq1",
+ "5lb4",
+ "7viy",
+ "5c48",
+ "5nqm",
+ "5mr0",
+ "7ywq",
+ "4gbn",
+ "2zrw",
+ "6wwj",
+ "5vi6",
+ "3bla",
+ "5fu4",
+ "6c10",
+ "1aw8",
+ "2chi",
+ "2oyy",
+ "6ma7",
+ "3un7",
+ "6aei",
+ "3kp4",
+ "6vyn",
+ "5imp",
+ "3tmw",
+ "3esz",
+ "5lez",
+ "2p3n",
+ "5rom",
+ "4qdp",
+ "4zj9",
+ "6fii",
+ "4z2r",
+ "3q8b",
+ "5z41",
+ "2qcg",
+ "7rlx",
+ "5yvm",
+ "3v2u",
+ "6dz2",
+ "5nmm",
+ "3sb9",
+ "6del",
+ "1fwu",
+ "2h6r",
+ "1frr",
+ "3ugt",
+ "2v9m",
+ "3c3q",
+ "1mu6",
+ "2fqx",
+ "1xwf",
+ "3b2r",
+ "4k65",
+ "1boe",
+ "3dxf",
+ "5hms",
+ "6euw",
+ "7dm9",
+ "7f0b",
+ "6q9z",
+ "3nsc",
+ "6ljj",
+ "3prp",
+ "1gbe",
+ "6vi5",
+ "7tq3",
+ "5zfo",
+ "7qn3",
+ "2mwf",
+ "7sv5",
+ "6x4m",
+ "5pgn",
+ "5dap",
+ "3mmn",
+ "2wsa",
+ "6xul",
+ "5e0i",
+ "5yjl",
+ "4u65",
+ "2mes",
+ "5mj1",
+ "6as5",
+ "7znt",
+ "4tne",
+ "6n6o",
+ "6x3x",
+ "5nuu",
+ "4pqt",
+ "4r6t",
+ "1die",
+ "1ssd",
+ "3oja",
+ "4pe0",
+ "6igz",
+ "6owu",
+ "5lia",
+ "5zws",
+ "1bu1",
+ "1jsf",
+ "7wgh",
+ "4yqv",
+ "6fyt",
+ "5m8i",
+ "1gqf",
+ "6x7x",
+ "6w7a",
+ "1gzg",
+ "2xzp",
+ "4xo6",
+ "2wn6",
+ "2oe3",
+ "6y3y",
+ "7rwo",
+ "7kwq",
+ "1epf",
+ "3eoc",
+ "6lzi",
+ "5glw",
+ "3t7r",
+ "6ibg",
+ "4whr",
+ "6nzp",
+ "2oay",
+ "3vub",
+ "2wg8",
+ "6mj3",
+ "5v8p",
+ "4zyu",
+ "4n2c",
+ "3j6j",
+ "6j3p",
+ "5pof",
+ "5wb8",
+ "5ihj",
+ "5t56",
+ "2l8l",
+ "4awp",
+ "6wjb",
+ "2go9",
+ "3bsz",
+ "2xa9",
+ "5fh0",
+ "4h1s",
+ "1gpm",
+ "7fna",
+ "5vlm",
+ "2p3j",
+ "5qnw",
+ "3d39",
+ "1kju",
+ "8abf",
+ "7k2v",
+ "4trb",
+ "7dac",
+ "1xps",
+ "5lf2",
+ "6exe",
+ "7fkc",
+ "4frf",
+ "5ka5",
+ "6di9",
+ "6y04",
+ "5bnf",
+ "5eqj",
+ "4qva",
+ "5zh6",
+ "3gxa",
+ "7lvt",
+ "6kxd",
+ "2z5h",
+ "5bsf",
+ "3jrg",
+ "7m44",
+ "4eft",
+ "3u3w",
+ "5pe8",
+ "2h5l",
+ "3f9h",
+ "7joz",
+ "5bo8",
+ "7pj1",
+ "5stn",
+ "2hm6",
+ "5pz2",
+ "4ccr",
+ "3rfu",
+ "3ues",
+ "7qby",
+ "1w2d",
+ "6dln",
+ "4lcn",
+ "1ajn",
+ "8afg",
+ "1coh",
+ "6nbd",
+ "1s18",
+ "6dv6",
+ "1aej",
+ "2i6r",
+ "1fb2",
+ "1t8z",
+ "6qo1",
+ "5qzu",
+ "3hsu",
+ "4fm9",
+ "6j1o",
+ "1xqq",
+ "4eiy",
+ "8axv",
+ "1xjk",
+ "1qng",
+ "5w6e",
+ "1x7r",
+ "3lb1",
+ "5lm9",
+ "6mcr",
+ "1x7e",
+ "2bwd",
+ "4yca",
+ "4gla",
+ "5wbs",
+ "3l2o",
+ "5mrn",
+ "1h9q",
+ "5jff",
+ "4lw4",
+ "7mbj",
+ "6nnq",
+ "6h42",
+ "4a3w",
+ "5aoq",
+ "6stn",
+ "5wke",
+ "1u5u",
+ "1as2",
+ "2lvm",
+ "5db6",
+ "6qwt",
+ "6pe4",
+ "5t71",
+ "4zak",
+ "1aua",
+ "5try",
+ "5oxx",
+ "1gbn",
+ "3zh4",
+ "4wrm",
+ "4x98",
+ "3gk1",
+ "3ap4",
+ "2ajz",
+ "3og2",
+ "6a3f",
+ "3hu7",
+ "5gcn",
+ "1hq8",
+ "2uuh",
+ "5xxx",
+ "5dec",
+ "6p73",
+ "5y1g",
+ "6si6",
+ "6htc",
+ "5szd",
+ "5w4t",
+ "4y4j",
+ "4jqj",
+ "3uox",
+ "6fbd",
+ "4fmu",
+ "5r8z",
+ "4e9g",
+ "4ae1",
+ "1drt",
+ "5jhr",
+ "1b9k",
+ "2ndo",
+ "3py2",
+ "8hi2",
+ "4ra8",
+ "2nso",
+ "6lxk",
+ "3mn7",
+ "6twb",
+ "6sg8",
+ "3kaq",
+ "8dwi",
+ "4f0w",
+ "3gfy",
+ "4x2h",
+ "2md2",
+ "2wut",
+ "6mhr",
+ "7bmv",
+ "7dj2",
+ "2rfn",
+ "3g5w",
+ "1uhv",
+ "2xhl",
+ "7a3z",
+ "4gog",
+ "2kwk",
+ "3l3a",
+ "4hum",
+ "5hv8",
+ "7lcp",
+ "7jn1",
+ "4gdj",
+ "2f7c",
+ "4uc9",
+ "3v9t",
+ "4gec",
+ "7cbt",
+ "6qlk",
+ "3ngg",
+ "3wsh",
+ "2myv",
+ "7lfg",
+ "1jx0",
+ "3r1r",
+ "8dpf",
+ "2ux2",
+ "4hym",
+ "7b5e",
+ "5vqf",
+ "6yc5",
+ "4qlp",
+ "2qd7",
+ "3erg",
+ "1miq",
+ "2jlg",
+ "2qil",
+ "5fw0",
+ "1mab",
+ "6v0j",
+ "4tyl",
+ "3rc9",
+ "6rjp",
+ "3cru",
+ "5knd",
+ "4gho",
+ "1bhd",
+ "2j4z",
+ "1ve7",
+ "3o3r",
+ "7x5z",
+ "7x8g",
+ "6fq4",
+ "3mo6",
+ "6doy",
+ "2qlu",
+ "7axg",
+ "5k0n",
+ "2bs4",
+ "1wcu",
+ "4anp",
+ "6fbt",
+ "5a33",
+ "6e3d",
+ "2tpr",
+ "4a9i",
+ "3eej",
+ "5kfj",
+ "8f7q",
+ "5m3y",
+ "8dwg",
+ "6iao",
+ "4dcx",
+ "2hhb",
+ "4kt0",
+ "6laf",
+ "1ce3",
+ "2l61",
+ "2zro",
+ "4lk0",
+ "7cth",
+ "5kd0",
+ "5vqr",
+ "4pbu",
+ "4dbl",
+ "4lhk",
+ "4dzb",
+ "6nx6",
+ "2c51",
+ "4max",
+ "2v1s",
+ "6x5h",
+ "7nao",
+ "5yiy",
+ "3kkp",
+ "6bo8",
+ "3ljf",
+ "2qag",
+ "5eot",
+ "1l26",
+ "4cxt",
+ "6cff",
+ "6j5v",
+ "7rxq",
+ "3be1",
+ "6jpt",
+ "3ciy",
+ "6q0q",
+ "3g6q",
+ "2a2g",
+ "7phq",
+ "2f3d",
+ "7n4j",
+ "5d6d",
+ "4usq",
+ "1qcq",
+ "5h0k",
+ "4tus",
+ "4uxj",
+ "2l11",
+ "6up9",
+ "3v1c",
+ "7kx3",
+ "7wqz",
+ "2w4s",
+ "3l11",
+ "8ebw",
+ "6ds6",
+ "5ybo",
+ "4qn5",
+ "3g39",
+ "3jtu",
+ "2iu9",
+ "6i9u",
+ "5tii",
+ "3nrp",
+ "1xzi",
+ "5c7r",
+ "4c65",
+ "5m30",
+ "5c8v",
+ "5wej",
+ "5mu8",
+ "6m1u",
+ "2hpo",
+ "6ipn",
+ "7t7l",
+ "3r56",
+ "6lzg",
+ "2iup",
+ "4mza",
+ "6bxw",
+ "3h6f",
+ "2hd1",
+ "7pok",
+ "3r1a",
+ "2yoe",
+ "6w0l",
+ "3uqo",
+ "5y7d",
+ "4hx5",
+ "5r2j",
+ "4r69",
+ "2dvo",
+ "5gtb",
+ "5ped",
+ "4rms",
+ "2ah2",
+ "2yob",
+ "7rtf",
+ "2v72",
+ "7tdn",
+ "1v1a",
+ "6nz1",
+ "4kfj",
+ "6l5q",
+ "6vtk",
+ "3tb4",
+ "1ids",
+ "5enq",
+ "1r30",
+ "1p0r",
+ "3nnz",
+ "2vjn",
+ "2kfo",
+ "2eu1",
+ "7k7d",
+ "3wxu",
+ "1rdt",
+ "7ceo",
+ "5sql",
+ "4dp3",
+ "3trz",
+ "7s91",
+ "3mn1",
+ "8c7y",
+ "6uw4",
+ "1ttv",
+ "5jgn",
+ "5km9",
+ "6q88",
+ "3p5m",
+ "2veg",
+ "1kas",
+ "4ayt",
+ "3zl1",
+ "3fy2",
+ "6toi",
+ "1am4",
+ "6lf3",
+ "4rib",
+ "5zqf",
+ "3uff",
+ "2qxm",
+ "6res",
+ "6eu9",
+ "6hqm",
+ "7cn0",
+ "1v05",
+ "5un6",
+ "1ba0",
+ "1zhk",
+ "7b4d",
+ "4ppn",
+ "2bpe",
+ "4ih7",
+ "8aji",
+ "6mth",
+ "4bh0",
+ "1xuq",
+ "1m1r",
+ "6u54",
+ "2rb5",
+ "5nhq",
+ "3iml",
+ "4ayj",
+ "6xzy",
+ "4msp",
+ "1w4w",
+ "7av0",
+ "6hyu",
+ "4zff",
+ "6r7m",
+ "6sa0",
+ "5i5s",
+ "2veb",
+ "7csd",
+ "5vqa",
+ "7r0w",
+ "2ccs",
+ "2wv5",
+ "4chu",
+ "7osy",
+ "6sl6",
+ "5oqq",
+ "7k9w",
+ "6zgn",
+ "6dgu",
+ "4bi3",
+ "8bjg",
+ "4rgm",
+ "5wiu",
+ "7abs",
+ "3ns8",
+ "3mpu",
+ "3wcs",
+ "2yim",
+ "1vdi",
+ "3m3w",
+ "1zyn",
+ "2cd0",
+ "4imf",
+ "5b7b",
+ "3jzn",
+ "5y3c",
+ "2oxn",
+ "3lz2",
+ "3q30",
+ "7ptu",
+ "7mym",
+ "4v1y",
+ "2gyo",
+ "2gcg",
+ "1eeh",
+ "1mt5",
+ "7m74",
+ "4x9p",
+ "4x3t",
+ "3vuv",
+ "5av3",
+ "7sw0",
+ "6byy",
+ "1zm6",
+ "7bd7",
+ "4orh",
+ "1cjf",
+ "2gfi",
+ "1kaz",
+ "5w6t",
+ "3l3o",
+ "7r8j",
+ "6f1k",
+ "3lf1",
+ "4cl8",
+ "5nf8",
+ "2jg4",
+ "6eia",
+ "6ial",
+ "6dhw",
+ "3p5k",
+ "2xbk",
+ "3fvk",
+ "2nu8",
+ "7vic",
+ "1l0w",
+ "4zdi",
+ "4kfo",
+ "6yuq",
+ "6oyr",
+ "2k3p",
+ "2khz",
+ "3ck8",
+ "5e61",
+ "7wus",
+ "2wnk",
+ "2ec7",
+ "3kp5",
+ "4z6q",
+ "3gtd",
+ "5fn8",
+ "4kc8",
+ "2uxt",
+ "2nni",
+ "5cz2",
+ "7m89",
+ "4gzz",
+ "1wmh",
+ "5o05",
+ "7vyf",
+ "4zqn",
+ "2wvk",
+ "7etk",
+ "2qzv",
+ "2xco",
+ "6mia",
+ "5q17",
+ "1l1f",
+ "5ftk",
+ "7dhe",
+ "1gxt",
+ "4rxq",
+ "4crd",
+ "3m2d",
+ "7ecy",
+ "6bej",
+ "7w2z",
+ "5rpz",
+ "6ll5",
+ "6m6e",
+ "2rkk",
+ "5j8y",
+ "5enm",
+ "4jls",
+ "1w5t",
+ "1oqg",
+ "8b5p",
+ "4rh5",
+ "5aqi",
+ "7bd6",
+ "4bhn",
+ "1mio",
+ "3k3e",
+ "4ypo",
+ "1ehs",
+ "1gtf",
+ "1nha",
+ "1eh2",
+ "4tv8",
+ "7pfj",
+ "2ito",
+ "5fpo",
+ "5kj5",
+ "7r6g",
+ "6cdw",
+ "2wli",
+ "1i0u",
+ "1x9r",
+ "7etl",
+ "6s18",
+ "5ql8",
+ "6b6s",
+ "6g3k",
+ "1prn",
+ "3tei",
+ "1khm",
+ "2l6z",
+ "6qbt",
+ "4iij",
+ "5cza",
+ "6aug",
+ "1vc0",
+ "1zds",
+ "5e8d",
+ "6wjg",
+ "4him",
+ "6b9x",
+ "1mu2",
+ "3aal",
+ "6z7e",
+ "3dab",
+ "2y8e",
+ "4yxh",
+ "8eim",
+ "2y9u",
+ "4bb4",
+ "4f97",
+ "6dq4",
+ "6bkx",
+ "1ozp",
+ "6f5v",
+ "5j41",
+ "3clz",
+ "7rji",
+ "5xiw",
+ "154l",
+ "2ofb",
+ "6hlt",
+ "7rw5",
+ "5xot",
+ "2gej",
+ "6fkp",
+ "4cbf",
+ "1hh0",
+ "3nm5",
+ "5kcq",
+ "1xd6",
+ "6osm",
+ "2p0c",
+ "6od1",
+ "2bkl",
+ "4a4y",
+ "5pq2",
+ "4uxx",
+ "1ong",
+ "7f21",
+ "6j11",
+ "2q98",
+ "2wah",
+ "7qd6",
+ "3zkm",
+ "6qrd",
+ "8b8a",
+ "3gcp",
+ "3uzo",
+ "2wab",
+ "3r9t",
+ "3wtj",
+ "7nnu",
+ "3m6g",
+ "6r3k",
+ "2mlz",
+ "4qas",
+ "6iu5",
+ "5lo7",
+ "1tle",
+ "1oth",
+ "1pr0",
+ "3v43",
+ "7txh",
+ "2qj5",
+ "4ac8",
+ "1zk7",
+ "5et3",
+ "7ka2",
+ "6cwo",
+ "2yfh",
+ "3d4b",
+ "7vwj",
+ "4c2t",
+ "3vut",
+ "3tat",
+ "2o0h",
+ "5p48",
+ "1deh",
+ "7ck5",
+ "5h1x",
+ "6kvi",
+ "4c74",
+ "5jd0",
+ "2mah",
+ "5pqq",
+ "7pel",
+ "1g4r",
+ "6m98",
+ "4rm3",
+ "6h1t",
+ "4fs4",
+ "6qbg",
+ "3s7j",
+ "4bxj",
+ "5pev",
+ "7yrq",
+ "2xt0",
+ "7ap2",
+ "1ajc",
+ "4h11",
+ "1ziq",
+ "2hcd",
+ "1v6l",
+ "6z10",
+ "4ouo",
+ "4no7",
+ "4gkp",
+ "3o99",
+ "1ulv",
+ "3c9r",
+ "3qy9",
+ "4p1z",
+ "1npj",
+ "6b1o",
+ "2lip",
+ "3ni9",
+ "6es1",
+ "5hgh",
+ "1cyn",
+ "3py5",
+ "2nt9",
+ "6e5w",
+ "7k0r",
+ "4n2m",
+ "4f4j",
+ "5gx3",
+ "3w8s",
+ "6xnp",
+ "3jza",
+ "6iwp",
+ "1kd7",
+ "6ygg",
+ "5r3y",
+ "3kcu",
+ "6n2k",
+ "6pok",
+ "6kks",
+ "8egw",
+ "6usc",
+ "1yt4",
+ "3poq",
+ "4iop",
+ "6qqs",
+ "4euf",
+ "1umr",
+ "5cnb",
+ "3ly2",
+ "4a80",
+ "4zgl",
+ "6lfe",
+ "4bam",
+ "3cfb",
+ "5i6d",
+ "1p04",
+ "6dp7",
+ "6ucw",
+ "1ygp",
+ "5htc",
+ "7cfs",
+ "8hsl",
+ "6eta",
+ "8g6m",
+ "1l4i",
+ "6sua",
+ "4tz0",
+ "5ozc",
+ "1el3",
+ "6k8z",
+ "6nev",
+ "4r0l",
+ "3aox",
+ "5x8i",
+ "1cix",
+ "4o9c",
+ "1ql9",
+ "3cdv",
+ "5ij3",
+ "2zyq",
+ "5czu",
+ "1gim",
+ "3wn5",
+ "2k6h",
+ "1wfc",
+ "6rc7",
+ "5lts",
+ "1p2e",
+ "4lgd",
+ "1mtu",
+ "4c2z",
+ "5fht",
+ "2w1k",
+ "2w4y",
+ "6td1",
+ "1w85",
+ "6ehp",
+ "3zu6",
+ "7scl",
+ "6jic",
+ "1uib",
+ "1a32",
+ "1ozf",
+ "4al0",
+ "6ghy",
+ "8dhf",
+ "2g5h",
+ "1ofr",
+ "6pso",
+ "7x14",
+ "1kx9",
+ "3w81",
+ "6waz",
+ "3gcs",
+ "1lr6",
+ "4ufp",
+ "1jzj",
+ "3ngh",
+ "1ot7",
+ "3onl",
+ "6lx4",
+ "4hfk",
+ "3u7t",
+ "5xnh",
+ "4pze",
+ "6b4j",
+ "7pue",
+ "7dhq",
+ "6ngp",
+ "2lkz",
+ "1mt8",
+ "6xjp",
+ "6fto",
+ "4pv8",
+ "5kcd",
+ "6oxo",
+ "3d3h",
+ "6z7i",
+ "6ifx",
+ "1ftw",
+ "1gii",
+ "6nbx",
+ "6t5a",
+ "3ztw",
+ "4byi",
+ "1ojv",
+ "3bqu",
+ "7loh",
+ "7aau",
+ "3tw8",
+ "4v2w",
+ "5fu2",
+ "5zof",
+ "3qkj",
+ "4lni",
+ "4ila",
+ "7sn7",
+ "7dde",
+ "2b8u",
+ "2jk3",
+ "2rho",
+ "7una",
+ "1ctt",
+ "3pze",
+ "1l53",
+ "4doc",
+ "1jns",
+ "6tgv",
+ "3a6d",
+ "6i20",
+ "2z5b",
+ "6rrp",
+ "5mc2",
+ "6r3u",
+ "7er0",
+ "7lbu",
+ "6t2l",
+ "4ksq",
+ "4zjj",
+ "2yi0",
+ "7bdd",
+ "3mhv",
+ "8e60",
+ "1mgn",
+ "1jnk",
+ "4e0t",
+ "3wud",
+ "1od0",
+ "4ric",
+ "7shk",
+ "1ecj",
+ "6t82",
+ "1egq",
+ "3wsi",
+ "8f68",
+ "7t7h",
+ "1r85",
+ "4cyo",
+ "1iy4",
+ "6lop",
+ "7x4o",
+ "1qns",
+ "4u3j",
+ "3cs4",
+ "6sd7",
+ "3m73",
+ "2ydx",
+ "7d4f",
+ "6gqw",
+ "2feu",
+ "2knm",
+ "6oe3",
+ "6a7j",
+ "7ut7",
+ "7a3r",
+ "5v18",
+ "2g0c",
+ "7f2z",
+ "3nu9",
+ "1ih5",
+ "6y0o",
+ "2xwm",
+ "5pfv",
+ "4moy",
+ "8f8z",
+ "2h2n",
+ "3f0m",
+ "5cnf",
+ "4zvn",
+ "2mmt",
+ "2jg2",
+ "7wwx",
+ "1thx",
+ "5nk7",
+ "6hxv",
+ "5gv0",
+ "3t6v",
+ "5jhl",
+ "5ewe",
+ "1pge",
+ "5xv2",
+ "2eu3",
+ "4r3e",
+ "2xi3",
+ "5utd",
+ "4c2q",
+ "5dpd",
+ "7aq6",
+ "6uls",
+ "6zpd",
+ "3pxe",
+ "2q1v",
+ "6k4e",
+ "4yxo",
+ "2ev1",
+ "7cke",
+ "7ssv",
+ "1nbf",
+ "4zud",
+ "1klu",
+ "5vw3",
+ "7e0x",
+ "7coz",
+ "4ygx",
+ "8ba6",
+ "6ycn",
+ "1mze",
+ "5nmp",
+ "3n6a",
+ "6tvb",
+ "4zlr",
+ "4p94",
+ "1tba",
+ "4d57",
+ "6x9h",
+ "4y5o",
+ "6ga4",
+ "5fh7",
+ "6hqc",
+ "7z47",
+ "2z50",
+ "4m53",
+ "2gyv",
+ "4mcr",
+ "6f7u",
+ "4pgb",
+ "2fqa",
+ "3k0q",
+ "6kde",
+ "3uzw",
+ "5ipl",
+ "1nyt",
+ "4btg",
+ "6f0a",
+ "1b04",
+ "5era",
+ "5q0g",
+ "5ezx",
+ "5eyt",
+ "4n43",
+ "4wvs",
+ "5r1t",
+ "3t4q",
+ "6jzd",
+ "1eto",
+ "4dc9",
+ "7mg2",
+ "2xne",
+ "3lzt",
+ "3tzm",
+ "4c14",
+ "6utu",
+ "8dqj",
+ "6kl5",
+ "7pnd",
+ "6pgd",
+ "1v2x",
+ "5e41",
+ "4n34",
+ "3u3v",
+ "4ibz",
+ "3weh",
+ "5puv",
+ "7vj3",
+ "2apr",
+ "5r0c",
+ "4oka",
+ "3tqt",
+ "3vzc",
+ "1gp5",
+ "2ixf",
+ "2oa0",
+ "6akr",
+ "4bk7",
+ "1mhl",
+ "5uyt",
+ "1qjt",
+ "1oei",
+ "2y5k",
+ "2m45",
+ "1qm1",
+ "7do5",
+ "5ivy",
+ "7dxi",
+ "6gck",
+ "4f7f",
+ "6agz",
+ "5fo4",
+ "3o6j",
+ "6peq",
+ "6kxb",
+ "4r8m",
+ "8fun",
+ "1y1p",
+ "4b4s",
+ "5r88",
+ "4e9q",
+ "2mg4",
+ "3fs7",
+ "3p9y",
+ "6sf3",
+ "5kxv",
+ "2zs6",
+ "1uri",
+ "1ism",
+ "6shj",
+ "6ajo",
+ "4ylb",
+ "4d49",
+ "3kgu",
+ "6gkr",
+ "5qnj",
+ "5j0y",
+ "2itp",
+ "2xal",
+ "2j6p",
+ "4bc9",
+ "3zht",
+ "2l5e",
+ "2b08",
+ "1ork",
+ "5mkv",
+ "6nee",
+ "6xjo",
+ "3k24",
+ "3v58",
+ "3kow",
+ "6o1f",
+ "5k24",
+ "2y7l",
+ "3fsv",
+ "6cxs",
+ "7osw",
+ "4uz1",
+ "5kkq",
+ "7ap1",
+ "6s2l",
+ "6dtv",
+ "5u2e",
+ "2ox8",
+ "5pss",
+ "3cf4",
+ "5ia2",
+ "3ezk",
+ "4xc5",
+ "5h4s",
+ "8a64",
+ "4d0t",
+ "2vlq",
+ "4kxu",
+ "1zap",
+ "6d3g",
+ "1lzj",
+ "3pdk",
+ "8bvj",
+ "5p77",
+ "5w0s",
+ "5a49",
+ "4lr2",
+ "1ipw",
+ "2gl0",
+ "6yz0",
+ "3l0l",
+ "5jvn",
+ "6yj3",
+ "2mgx",
+ "2nyc",
+ "1bxn",
+ "6nsi",
+ "4akm",
+ "3i3a",
+ "2xfp",
+ "6jnl",
+ "1ahp",
+ "3ai3",
+ "1ncl",
+ "3jwg",
+ "3ojl",
+ "3g4e",
+ "5cn0",
+ "6r0s",
+ "2m2j",
+ "5l9n",
+ "4iuq",
+ "7f67",
+ "4wla",
+ "7s6q",
+ "5xed",
+ "2qjh",
+ "3ffv",
+ "6p8x",
+ "7las",
+ "2r27",
+ "43ca",
+ "1p7q",
+ "3fn4",
+ "5u7h",
+ "4a0g",
+ "2snv",
+ "5ya6",
+ "4wxm",
+ "4m2f",
+ "6qoq",
+ "1bih",
+ "1rwg",
+ "1frq",
+ "2dsq",
+ "7dm2",
+ "1ihv",
+ "1f91",
+ "4tt3",
+ "6d3h",
+ "7xmr",
+ "3zgq",
+ "7dgm",
+ "3p0y",
+ "4xoq",
+ "6dgg",
+ "3qsk",
+ "3vp2",
+ "1fmb",
+ "4fm5",
+ "2npe",
+ "6z98",
+ "5mfi",
+ "8dkn",
+ "5w2h",
+ "3c1b",
+ "3fbr",
+ "1dml",
+ "1vfn",
+ "3ab6",
+ "1cet",
+ "2xph",
+ "5h2j",
+ "2gas",
+ "2nuf",
+ "3ppr",
+ "6cs5",
+ "6ags",
+ "3i4r",
+ "6zl4",
+ "6nod",
+ "5c6f",
+ "5fdi",
+ "4r5t",
+ "2c06",
+ "5e6u",
+ "1gr1",
+ "4nh9",
+ "6kz9",
+ "4kxd",
+ "1iu4",
+ "6lcj",
+ "4q44",
+ "5w42",
+ "102l",
+ "2v18",
+ "6fnq",
+ "5s2w",
+ "1gin",
+ "2mjh",
+ "1b0a",
+ "7yho",
+ "1xoi",
+ "1jfg",
+ "4wju",
+ "7tuz",
+ "5wb5",
+ "6ajf",
+ "1otb",
+ "1a4k",
+ "1snx",
+ "1dxw",
+ "5tnm",
+ "3hzs",
+ "5f1r",
+ "4xoi",
+ "6zcg",
+ "6flw",
+ "7tz2",
+ "7c6z",
+ "5hzp",
+ "6hdv",
+ "1ls9",
+ "1rh9",
+ "6g6o",
+ "7o30",
+ "1tzc",
+ "2i55",
+ "7spd",
+ "2jix",
+ "6l80",
+ "5fvw",
+ "3kwf",
+ "3pg1",
+ "7tia",
+ "3u94",
+ "3chi",
+ "2loe",
+ "7y3j",
+ "4lhx",
+ "1p48",
+ "6gdd",
+ "7rmg",
+ "4o13",
+ "6mp2",
+ "6rep",
+ "4ls3",
+ "1hu6",
+ "2o00",
+ "5zfr",
+ "1pr9",
+ "3lbx",
+ "1dvy",
+ "2pvo",
+ "5n66",
+ "1i6f",
+ "3a3i",
+ "3wvf",
+ "7csh",
+ "2v5d",
+ "4cax",
+ "6su1",
+ "5dp7",
+ "1e1p",
+ "1cuy",
+ "2rix",
+ "5zh2",
+ "3uwy",
+ "1aba",
+ "1imp",
+ "2vjl",
+ "5oqv",
+ "6qu6",
+ "1htb",
+ "6c4u",
+ "6cle",
+ "4nh5",
+ "4anc",
+ "3dl5",
+ "6brq",
+ "8don",
+ "2a05",
+ "3w0j",
+ "3f6n",
+ "3w3a",
+ "5ag4",
+ "3o6o",
+ "2w65",
+ "5qtw",
+ "6ngr",
+ "6iqu",
+ "2pi6",
+ "7tk1",
+ "1jhv",
+ "1o61",
+ "5pzb",
+ "4tss",
+ "1nli",
+ "5nq0",
+ "8bz3",
+ "2f6u",
+ "5f2e",
+ "3v9e",
+ "3h8t",
+ "2v9h",
+ "6n6b",
+ "3hv8",
+ "6cj3",
+ "6tro",
+ "7jwu",
+ "5zz5",
+ "8fal",
+ "2zw3",
+ "2bgk",
+ "5ilb",
+ "2yp5",
+ "7fbb",
+ "1e0u",
+ "6uff",
+ "3u6x",
+ "2jqz",
+ "1eom",
+ "3jd4",
+ "1bcf",
+ "2hgh",
+ "2otq",
+ "4idb",
+ "6a4r",
+ "5iox",
+ "6dj7",
+ "5n8w",
+ "6e8w",
+ "7vbi",
+ "6prg",
+ "5y2c",
+ "7to6",
+ "1qve",
+ "4nc3",
+ "2xj6",
+ "1wcg",
+ "5fq6",
+ "2jrd",
+ "1rm4",
+ "5tif",
+ "2wfx",
+ "4fe2",
+ "4rex",
+ "6t3z",
+ "4gtv",
+ "2co6",
+ "6fej",
+ "5v8e",
+ "6q8e",
+ "1g2b",
+ "8dqh",
+ "3bg8",
+ "6rtt",
+ "4j0a",
+ "3g0z",
+ "2zq2",
+ "5joe",
+ "4aua",
+ "2pk5",
+ "6byx",
+ "3hvc",
+ "1u4l",
+ "6ftw",
+ "1fwg",
+ "2air",
+ "1v7a",
+ "1fc7",
+ "2ez2",
+ "6xzk",
+ "1mt9",
+ "3wao",
+ "1t2n",
+ "1icw",
+ "5wcz",
+ "7o3i",
+ "5fn7",
+ "4mae",
+ "2wzg",
+ "3wkb",
+ "6emo",
+ "6t5b",
+ "4cny",
+ "1yu9",
+ "5ud5",
+ "6yan",
+ "2nyd",
+ "4jca",
+ "5ozn",
+ "1l2y",
+ "6xy6",
+ "5m8x",
+ "7k97",
+ "7lb9",
+ "5p1k",
+ "7jit",
+ "6ghh",
+ "3ttu",
+ "1jj3",
+ "5j59",
+ "8pti",
+ "2xwz",
+ "2pf0",
+ "4acr",
+ "5n70",
+ "1dpr",
+ "2bvj",
+ "2y2f",
+ "5hmw",
+ "5t5d",
+ "5pp3",
+ "4nje",
+ "7pv8",
+ "5dcw",
+ "7ldf",
+ "5fvl",
+ "2ptt",
+ "4m6f",
+ "1yka",
+ "4m26",
+ "5d47",
+ "5uuk",
+ "2zhn",
+ "3bew",
+ "1i3n",
+ "3qvs",
+ "5mk9",
+ "1cay",
+ "5mtt",
+ "1i75",
+ "2weu",
+ "7dg2",
+ "7xzy",
+ "1vot",
+ "7pqq",
+ "6kr8",
+ "3io4",
+ "6f3t",
+ "4u2u",
+ "6ek7",
+ "7sit",
+ "2pge",
+ "3ix9",
+ "3e8w",
+ "5pwo",
+ "7wwd",
+ "6xcv",
+ "8cxw",
+ "6l0l",
+ "6ko9",
+ "1h6b",
+ "1drh",
+ "7o05",
+ "3skd",
+ "3kij",
+ "4hr4",
+ "1ltu",
+ "1j56",
+ "7q35",
+ "7qiv",
+ "3pe6",
+ "2mqv",
+ "4mig",
+ "3zd0",
+ "1dc5",
+ "1g47",
+ "1bgq",
+ "6e5b",
+ "5ekj",
+ "4oaf",
+ "5xzb",
+ "7non",
+ "1yvr",
+ "5m7n",
+ "2nd0",
+ "2ole",
+ "3zbk",
+ "2arr",
+ "5j0t",
+ "4f3w",
+ "3ghh",
+ "2cku",
+ "3vqr",
+ "5vs6",
+ "1ufq",
+ "1l36",
+ "3nha",
+ "2vxc",
+ "2k46",
+ "3zlk",
+ "7yfp",
+ "4fxd",
+ "2fbw",
+ "7nht",
+ "5gmm",
+ "1dcb",
+ "3i28",
+ "4rxp",
+ "6dpa",
+ "3dt6",
+ "1ei9",
+ "4fjc",
+ "3v9i",
+ "3qb7",
+ "6gfx",
+ "2vjm",
+ "1rss",
+ "4cgg",
+ "2vza",
+ "7phw",
+ "6vvf",
+ "4xyn",
+ "3oiv",
+ "6bny",
+ "6gyw",
+ "4yt4",
+ "7cft",
+ "5l3x",
+ "7csr",
+ "3zyr",
+ "6h78",
+ "2qaa",
+ "1zxj",
+ "6fbf",
+ "7krc",
+ "6ldm",
+ "6y2v",
+ "7l7p",
+ "5lxf",
+ "6ozr",
+ "7ob7",
+ "3s0r",
+ "7kn5",
+ "1e29",
+ "7fnd",
+ "5nff",
+ "7pcy",
+ "5al7",
+ "1c5d",
+ "7r6y",
+ "3f02",
+ "1m3z",
+ "4mj7",
+ "3ut9",
+ "2bxm",
+ "5non",
+ "5fdy",
+ "4pou",
+ "6yh7",
+ "5k1a",
+ "7mwq",
+ "2nbw",
+ "4x71",
+ "1xkw",
+ "3az4",
+ "1y0l",
+ "3nlb",
+ "3m94",
+ "1n2r",
+ "7d55",
+ "6wjo",
+ "7sfc",
+ "6uwm",
+ "7wqx",
+ "2mu3",
+ "2ggt",
+ "5wkl",
+ "1ieb",
+ "5euv",
+ "5rtb",
+ "2mpw",
+ "3vtn",
+ "7dey",
+ "1ekb",
+ "7b26",
+ "2e9w",
+ "4f3i",
+ "3hk5",
+ "7kpi",
+ "1k6d",
+ "6ffs",
+ "6c7k",
+ "4yfb",
+ "6bun",
+ "2b4g",
+ "5vm5",
+ "6oo8",
+ "2x7l",
+ "1yn5",
+ "4clx",
+ "7aps",
+ "5l0p",
+ "5vxz",
+ "1sw5",
+ "8bdy",
+ "7at4",
+ "1tjc",
+ "4rle",
+ "5a70",
+ "5ykg",
+ "5uo9",
+ "7fec",
+ "5dsl",
+ "6q4v",
+ "7s5f",
+ "2qtc",
+ "3gc5",
+ "4haf",
+ "7u6v",
+ "4pci",
+ "1k8d",
+ "5spr",
+ "1ggn",
+ "3s03",
+ "7bnq",
+ "1nfy",
+ "2quh",
+ "4wyw",
+ "2iv3",
+ "1gnp",
+ "2gtl",
+ "7zc2",
+ "1a7u",
+ "4bqu",
+ "6d3u",
+ "2k5b",
+ "2z7c",
+ "6pe2",
+ "5e11",
+ "6uwo",
+ "6ukv",
+ "6ggy",
+ "6pou",
+ "7e8k",
+ "6lyw",
+ "7pq0",
+ "3i3z",
+ "3st5",
+ "5hrc",
+ "5bnx",
+ "3arb",
+ "7ffp",
+ "1af9",
+ "4ysy",
+ "2dm5",
+ "5r0p",
+ "6vjg",
+ "5svq",
+ "5fpr",
+ "5enf",
+ "3p49",
+ "3imx",
+ "3nlu",
+ "4zyq",
+ "1alh",
+ "4pkz",
+ "4e5h",
+ "1ghi",
+ "5egu",
+ "6e3a",
+ "5lyi",
+ "4j8e",
+ "7mz5",
+ "2vt0",
+ "5miv",
+ "5e92",
+ "5le4",
+ "2wza",
+ "3stl",
+ "1p0c",
+ "5ka6",
+ "4o6g",
+ "1t56",
+ "3hqi",
+ "2fmb",
+ "3ewd",
+ "3fs6",
+ "7b31",
+ "5lgr",
+ "5o4o",
+ "7wmi",
+ "5gog",
+ "2grr",
+ "2mni",
+ "6wi6",
+ "4n2a",
+ "1on7",
+ "6aou",
+ "1t7e",
+ "4wf0",
+ "5m5j",
+ "7e5x",
+ "4yws",
+ "4kkd",
+ "5l7r",
+ "6uul",
+ "7sez",
+ "7okk",
+ "2wn8",
+ "1f1m",
+ "3ziu",
+ "1fnz",
+ "7p3a",
+ "4fdf",
+ "7bvr",
+ "3u6n",
+ "6sv2",
+ "3ul1",
+ "4qyp",
+ "6dsl",
+ "6d2z",
+ "5ed9",
+ "6bzg",
+ "4ozh",
+ "3hs7",
+ "3dkf",
+ "1lhl",
+ "2y5f",
+ "3e1h",
+ "3la9",
+ "4d1c",
+ "4y2g",
+ "5qyy",
+ "1pvn",
+ "3m5q",
+ "5eya",
+ "1adx",
+ "5ldg",
+ "3vrt",
+ "3qry",
+ "3v9k",
+ "5vaf",
+ "7fh1",
+ "5nqy",
+ "4fdu",
+ "1h47",
+ "5c6y",
+ "3glt",
+ "3lde",
+ "6y3b",
+ "2osy",
+ "6xn4",
+ "7rje",
+ "5ddq",
+ "3by0",
+ "5f02",
+ "2yni",
+ "5ull",
+ "7zkz",
+ "1isu",
+ "1w6k",
+ "3rus",
+ "5d1j",
+ "1r1i",
+ "2m9j",
+ "6qna",
+ "1mcl",
+ "2q49",
+ "6f05",
+ "2xih",
+ "3aru",
+ "5ipt",
+ "3g56",
+ "6x4c",
+ "4mti",
+ "1slq",
+ "3i5o",
+ "1ocn",
+ "3jbk",
+ "4u67",
+ "5n5p",
+ "1tvh",
+ "5cll",
+ "1iw1",
+ "2aaz",
+ "2myu",
+ "7suh",
+ "7dfs",
+ "1t9o",
+ "1pyv",
+ "5tuz",
+ "5jco",
+ "4x9n",
+ "5h39",
+ "7r7j",
+ "6knu",
+ "7lmk",
+ "1n3k",
+ "6chp",
+ "6qvh",
+ "7mxy",
+ "3gvf",
+ "1kqi",
+ "4c5a",
+ "6xhq",
+ "4kuo",
+ "1y30",
+ "2hrm",
+ "1jde",
+ "4kn3",
+ "3c6n",
+ "5f2s",
+ "2e1y",
+ "3g9d",
+ "3ggu",
+ "1euv",
+ "2w8j",
+ "4djz",
+ "2afu",
+ "7vv3",
+ "7kv8",
+ "6hpe",
+ "8a4c",
+ "5f01",
+ "3pqc",
+ "1w2q",
+ "6fpq",
+ "3uzx",
+ "2lca",
+ "5miy",
+ "1q3a",
+ "1rwy",
+ "6lj3",
+ "7ml5",
+ "2brh",
+ "1ng3",
+ "5il7",
+ "6ewe",
+ "4bq0",
+ "2ws6",
+ "2hld",
+ "3jsv",
+ "6i13",
+ "7n1s",
+ "7fos",
+ "1d0j",
+ "8bom",
+ "4dhn",
+ "6smg",
+ "5i42",
+ "5x5g",
+ "6s50",
+ "1k7q",
+ "5g5k",
+ "6dj5",
+ "4u99",
+ "4pmq",
+ "5k1z",
+ "1dqq",
+ "5y4t",
+ "3e6h",
+ "1xh3",
+ "4mxy",
+ "3ess",
+ "1dqp",
+ "2q42",
+ "3sl2",
+ "2b5i",
+ "3gfl",
+ "6o69",
+ "8ctb",
+ "4fqm",
+ "2k2u",
+ "3w64",
+ "6s7t",
+ "8daw",
+ "5d5a",
+ "2i38",
+ "7sar",
+ "6ph6",
+ "5ekp",
+ "4wlb",
+ "3n9s",
+ "7z21",
+ "7xnh",
+ "1g8p",
+ "5o7m",
+ "2hl5",
+ "5qz3",
+ "1qqn",
+ "7b0r",
+ "2o01",
+ "2j7t",
+ "6tdr",
+ "3cej",
+ "6xz9",
+ "7oka",
+ "1fgq",
+ "2j4l",
+ "3vio",
+ "1u95",
+ "3a2q",
+ "4f5x",
+ "5plx",
+ "1vpn",
+ "7ag7",
+ "5vmu",
+ "1mi0",
+ "1kz4",
+ "1woh",
+ "1yf1",
+ "4es5",
+ "4d7s",
+ "4b0m",
+ "6os1",
+ "7ufe",
+ "2jav",
+ "8hs3",
+ "7p8w",
+ "5yrs",
+ "2wd0",
+ "7jgv",
+ "1i5j",
+ "5a0f",
+ "5k2a",
+ "1hcz",
+ "5zdz",
+ "2x94",
+ "7s9q",
+ "1fjo",
+ "1hyb",
+ "6c16",
+ "3fz3",
+ "2rsw",
+ "5xw8",
+ "8dol",
+ "5yd2",
+ "3kma",
+ "4pg6",
+ "3veb",
+ "3ach",
+ "7uwk",
+ "2oha",
+ "2jye",
+ "6vh9",
+ "1gci",
+ "1max",
+ "1wo6",
+ "7of8",
+ "6h5y",
+ "5udr",
+ "4x53",
+ "6o1p",
+ "3tu4",
+ "2rs7",
+ "3h38",
+ "3c5s",
+ "6sj7",
+ "6y9x",
+ "6d0z",
+ "4b9o",
+ "4tyo",
+ "2voi",
+ "1pbc",
+ "7c9y",
+ "6pfh",
+ "4lab",
+ "4ugc",
+ "2dru",
+ "5psk",
+ "6har",
+ "5ou3",
+ "5jkc",
+ "7qna",
+ "2ppa",
+ "4kfp",
+ "3ckp",
+ "1x7y",
+ "7m3m",
+ "4d9o",
+ "4lq8",
+ "7lgn",
+ "5br0",
+ "3cw2",
+ "1c3t",
+ "1dgw",
+ "1s24",
+ "5zuy",
+ "4bz3",
+ "1hsb",
+ "2m7p",
+ "7q9l",
+ "2i9a",
+ "1cpj",
+ "5ct3",
+ "5g53",
+ "3r5g",
+ "7soy",
+ "2fy7",
+ "1u74",
+ "6vxq",
+ "5a74",
+ "6naj",
+ "4x9i",
+ "7tpu",
+ "2duv",
+ "5yny",
+ "1ap0",
+ "2opu",
+ "5oob",
+ "7emt",
+ "7p7j",
+ "2lvp",
+ "2lql",
+ "5kby",
+ "7l7o",
+ "4blq",
+ "5kin",
+ "1obz",
+ "8fn0",
+ "7t0r",
+ "3s6s",
+ "7v14",
+ "6rzs",
+ "2i4c",
+ "3skb",
+ "2ovn",
+ "6m18",
+ "7lwd",
+ "5dmk",
+ "2orr",
+ "1cb6",
+ "5kl7",
+ "3kok",
+ "7xc0",
+ "2oo0",
+ "3m2e",
+ "3imp",
+ "5f5h",
+ "7no0",
+ "5g0f",
+ "1alu",
+ "7ljk",
+ "3qb5",
+ "5ufb",
+ "5pbz",
+ "5av4",
+ "1ut4",
+ "1smg",
+ "6ehu",
+ "6bev",
+ "6zp8",
+ "2odp",
+ "1iw8",
+ "7sp0",
+ "4jfl",
+ "3w5e",
+ "6tgl",
+ "4yon",
+ "7xkz",
+ "2xxh",
+ "3nu6",
+ "4p92",
+ "6qb0",
+ "6d25",
+ "6des",
+ "5nnn",
+ "4jly",
+ "1bq2",
+ "3c1t",
+ "5iva",
+ "2a8g",
+ "2bpx",
+ "1arh",
+ "2mu8",
+ "6ll8",
+ "1h8p",
+ "7fkd",
+ "2j3i",
+ "3gs4",
+ "3jsf",
+ "5emk",
+ "6oad",
+ "6pty",
+ "3o2c",
+ "5uqz",
+ "3vap",
+ "4c0a",
+ "4gnk",
+ "6ob6",
+ "4wzn",
+ "1r5g",
+ "4xbt",
+ "1g9u",
+ "1zct",
+ "6uoc",
+ "6y9w",
+ "7te9",
+ "6xpb",
+ "2vsy",
+ "7d8a",
+ "4btf",
+ "7y8f",
+ "4uqf",
+ "6asp",
+ "7t9g",
+ "4qop",
+ "6fc7",
+ "2rr6",
+ "2y2j",
+ "2o79",
+ "6ujh",
+ "7k4r",
+ "6j0q",
+ "5p7n",
+ "5i7l",
+ "3ppt",
+ "2gb0",
+ "4ljo",
+ "1bsx",
+ "2jes",
+ "7kz9",
+ "3ion",
+ "4y2j",
+ "5gpg",
+ "4d7a",
+ "2kpf",
+ "8ako",
+ "2iqh",
+ "5pky",
+ "3ckh",
+ "1rf7",
+ "2mun",
+ "1okq",
+ "1ldf",
+ "5k0f",
+ "6svi",
+ "3i7e",
+ "4fe6",
+ "4c9p",
+ "6cw7",
+ "7m28",
+ "3kg6",
+ "1rba",
+ "8gvi",
+ "6u53",
+ "5dvn",
+ "5ae4",
+ "7mpd",
+ "3iiv",
+ "5hn0",
+ "6f2v",
+ "5h05",
+ "6iaj",
+ "4xv2",
+ "2vbf",
+ "5b06",
+ "4beu",
+ "4m4h",
+ "3k4l",
+ "6dzf",
+ "1kab",
+ "4nbm",
+ "6o8b",
+ "5pq5",
+ "4dcj",
+ "6v09",
+ "6gbj",
+ "7e0f",
+ "5mfl",
+ "5rcp",
+ "2nr1",
+ "4cap",
+ "3il7",
+ "8eb2",
+ "5mvc",
+ "6g47",
+ "6hb7",
+ "2f08",
+ "3nlv",
+ "4xt6",
+ "7upg",
+ "2jbv",
+ "5t1z",
+ "2jig",
+ "1e2b",
+ "7kt3",
+ "5tzc",
+ "5awj",
+ "1q7g",
+ "3vfv",
+ "3fc2",
+ "6emx",
+ "4b0c",
+ "5bxl",
+ "7q3v",
+ "2bbc",
+ "5xvp",
+ "5imi",
+ "1z27",
+ "1mcv",
+ "8e9w",
+ "2azd",
+ "6p7e",
+ "1j3j",
+ "6jnj",
+ "4h26",
+ "2v2i",
+ "2zk6",
+ "7qhz",
+ "7ei1",
+ "4kch",
+ "7wh5",
+ "5dfn",
+ "4lxv",
+ "2gsa",
+ "8god",
+ "5y96",
+ "6hod",
+ "5fll",
+ "3ij2",
+ "5emn",
+ "7c38",
+ "3k7z",
+ "6jbc",
+ "4agc",
+ "3mws",
+ "6mne",
+ "1ndp",
+ "147l",
+ "3znj",
+ "2hl2",
+ "198l",
+ "6kwo",
+ "3wra",
+ "5jtu",
+ "7mm2",
+ "1udh",
+ "7fkm",
+ "4hhs",
+ "7wvu",
+ "4v32",
+ "1z00",
+ "7o8k",
+ "1nyr",
+ "6mdv",
+ "4h4l",
+ "1k3v",
+ "6mzg",
+ "2x6l",
+ "4gwt",
+ "4rup",
+ "4cgw",
+ "6ru8",
+ "5xqx",
+ "2hte",
+ "6run",
+ "7zk1",
+ "5mfo",
+ "2q8s",
+ "7uk7",
+ "5r17",
+ "1qn8",
+ "1mb1",
+ "5arg",
+ "8b9r",
+ "2fmn",
+ "3zcf",
+ "3kp1",
+ "7dae",
+ "2jqa",
+ "5hc7",
+ "3v67",
+ "7koe",
+ "2blr",
+ "7wu7",
+ "5oyz",
+ "1f8n",
+ "3v0r",
+ "7tcw",
+ "8e77",
+ "3sz4",
+ "6jg1",
+ "3ebf",
+ "6s0u",
+ "5wog",
+ "2mga",
+ "2mts",
+ "7cc8",
+ "4zdp",
+ "5hw7",
+ "5ixo",
+ "4wel",
+ "5s2b",
+ "6vhb",
+ "4a81",
+ "7v5t",
+ "6ehj",
+ "4qfn",
+ "7v6w",
+ "7lej",
+ "5ytx",
+ "1n9r",
+ "6uzk",
+ "3vcb",
+ "2n8k",
+ "3kv5",
+ "1sb8",
+ "1hjt",
+ "3aio",
+ "4jr8",
+ "6kq8",
+ "5tpb",
+ "4dyg",
+ "6ett",
+ "2gqk",
+ "4d8f",
+ "5bzx",
+ "1x7t",
+ "1k28",
+ "4ku1",
+ "2wtk",
+ "4e0f",
+ "7n6e",
+ "5h8e",
+ "2efz",
+ "1bk5",
+ "6r73",
+ "4xhd",
+ "4ci8",
+ "6rjg",
+ "6a52",
+ "4fwh",
+ "6vvq",
+ "5kj9",
+ "5knc",
+ "5h2l",
+ "7abx",
+ "1syc",
+ "7mfi",
+ "3vjt",
+ "6mmw",
+ "6fvo",
+ "3c8a",
+ "6av8",
+ "5yqm",
+ "4jq8",
+ "5tqy",
+ "1p65",
+ "2ixb",
+ "6d4q",
+ "3gr2",
+ "4fyf",
+ "6f76",
+ "3ddb",
+ "7u2a",
+ "6iyf",
+ "6xeg",
+ "7pag",
+ "1t1q",
+ "3huc",
+ "3lsd",
+ "6hwh",
+ "3le7",
+ "2c78",
+ "6bsc",
+ "3rqd",
+ "3rdp",
+ "7llb",
+ "5c87",
+ "4fd9",
+ "1n5h",
+ "6i5l",
+ "6yg1",
+ "3tqb",
+ "2o1v",
+ "1fgi",
+ "5ocd",
+ "1et1",
+ "2wdq",
+ "7kvw",
+ "1qb7",
+ "5lhn",
+ "4als",
+ "4al7",
+ "3vbg",
+ "1msi",
+ "5nz8",
+ "8bnv",
+ "1m4v",
+ "4czp",
+ "1h0l",
+ "5etk",
+ "1vzw",
+ "2d57",
+ "3w4u",
+ "2wwr",
+ "1ntf",
+ "7sou",
+ "4qxw",
+ "3ja7",
+ "6p9i",
+ "5j07",
+ "6xmm",
+ "2kvh",
+ "5dxj",
+ "3u83",
+ "6uji",
+ "5owh",
+ "6z9t",
+ "4q9d",
+ "1ka7",
+ "4r7v",
+ "2isf",
+ "5luz",
+ "5he0",
+ "1e7k",
+ "3kgd",
+ "5l63",
+ "3kdu",
+ "1ste",
+ "4qrq",
+ "1hpo",
+ "5us1",
+ "7rwn",
+ "6i6c",
+ "5d3n",
+ "3fy1",
+ "3py7",
+ "1yk4",
+ "6xch",
+ "1j1u",
+ "7m51",
+ "3c48",
+ "5y04",
+ "3pyk",
+ "2j9y",
+ "3t3r",
+ "6fg8",
+ "7q3j",
+ "3auf",
+ "3sff",
+ "6hxk",
+ "7sh0",
+ "2h3h",
+ "6wk9",
+ "3csz",
+ "5ruc",
+ "6ciy",
+ "6hx3",
+ "7phu",
+ "8ea5",
+ "2q0i",
+ "5zcm",
+ "6uig",
+ "1g10",
+ "4imo",
+ "6oor",
+ "6j83",
+ "4ghc",
+ "3zkd",
+ "6g86",
+ "6fsi",
+ "4oez",
+ "4uw5",
+ "7fig",
+ "4tws",
+ "5xm9",
+ "6tc0",
+ "2q5g",
+ "6x4s",
+ "4yo0",
+ "5omz",
+ "5a78",
+ "1r50",
+ "1vga",
+ "5p61",
+ "7u51",
+ "5aqh",
+ "7v02",
+ "5vcd",
+ "2zxz",
+ "6eat",
+ "5njj",
+ "2al3",
+ "4z8m",
+ "3us2",
+ "4fa9",
+ "3ueo",
+ "4tmp",
+ "2ms1",
+ "5pe6",
+ "4i0d",
+ "1ctr",
+ "1w0p",
+ "3ba7",
+ "2zgy",
+ "7ek4",
+ "1qga",
+ "4nal",
+ "1xa6",
+ "1xne",
+ "5lgs",
+ "6iya",
+ "6bg6",
+ "7btm",
+ "4z1z",
+ "2ycn",
+ "6n5f",
+ "4alk",
+ "5uh5",
+ "2yhn",
+ "5y3a",
+ "6i25",
+ "1izk",
+ "1oa8",
+ "7lfo",
+ "1d5g",
+ "6co8",
+ "6ok2",
+ "5exd",
+ "5led",
+ "2ruu",
+ "3chh",
+ "6tvd",
+ "7cmw",
+ "5j7b",
+ "7qpo",
+ "6lmk",
+ "5p14",
+ "2mw7",
+ "3pfb",
+ "8erq",
+ "7p01",
+ "5a4p",
+ "4kkc",
+ "5izr",
+ "5j7f",
+ "2wnq",
+ "3b5n",
+ "6tdz",
+ "6goj",
+ "7rz3",
+ "2p59",
+ "7ehl",
+ "6mo9",
+ "3gq9",
+ "5udw",
+ "4gdo",
+ "4onj",
+ "1xfx",
+ "1gxx",
+ "2r85",
+ "6vwx",
+ "5bpw",
+ "1xt5",
+ "2yva",
+ "2ow2",
+ "1tmj",
+ "3tc2",
+ "5y8n",
+ "6cxx",
+ "6f2b",
+ "5wxc",
+ "1sy3",
+ "6hhd",
+ "1nbu",
+ "7cuc",
+ "4gk6",
+ "6o2k",
+ "7lfm",
+ "1xpn",
+ "4rnm",
+ "2qx1",
+ "2w62",
+ "3hy2",
+ "2wei",
+ "4fw0",
+ "7cb6",
+ "1m2f",
+ "3mni",
+ "3lnh",
+ "4up5",
+ "2hs2",
+ "4ck4",
+ "1mir",
+ "2rl9",
+ "5soo",
+ "6mti",
+ "3w9v",
+ "3cgz",
+ "5zuj",
+ "2che",
+ "6o5u",
+ "5vpl",
+ "1bd8",
+ "7acv",
+ "5ki1",
+ "5uij",
+ "7mby",
+ "1fyb",
+ "3cz4",
+ "7qrw",
+ "2xt2",
+ "5p0i",
+ "1giq",
+ "1pot",
+ "3sz9",
+ "1ivn",
+ "5ywk",
+ "8dt4",
+ "6xj0",
+ "2wim",
+ "7qma",
+ "5e7f",
+ "4p09",
+ "1cmv",
+ "1wka",
+ "3czd",
+ "2xyc",
+ "4jan",
+ "1iba",
+ "1x7w",
+ "1clh",
+ "5wr0",
+ "3q08",
+ "6mqe",
+ "6dvl",
+ "7mcs",
+ "1eyp",
+ "2km2",
+ "4umo",
+ "5t8e",
+ "6z7w",
+ "1e5s",
+ "1t7q",
+ "7k0q",
+ "4csb",
+ "1tz6",
+ "1d7y",
+ "7zcp",
+ "3re8",
+ "3qxv",
+ "2k5o",
+ "1te7",
+ "4k7b",
+ "8d6z",
+ "1frb",
+ "7sf7",
+ "4c25",
+ "5c24",
+ "5cq0",
+ "7flz",
+ "4bnu",
+ "7t5e",
+ "7c8n",
+ "4cho",
+ "1kvi",
+ "5xco",
+ "4ekz",
+ "5kjn",
+ "4bwz",
+ "7uk5",
+ "8czt",
+ "7kaa",
+ "8d39",
+ "5ef0",
+ "3lvg",
+ "2b7k",
+ "6oxv",
+ "4r1y",
+ "7s5c",
+ "4l8i",
+ "6iu7",
+ "7k7g",
+ "5pud",
+ "7k2x",
+ "3l9q",
+ "6puc",
+ "6qbw",
+ "6k7o",
+ "5f62",
+ "4dhf",
+ "3mha",
+ "2j7b",
+ "5axi",
+ "1yum",
+ "1g7f",
+ "4zl4",
+ "2l4q",
+ "4x1w",
+ "7fcw",
+ "1t7x",
+ "5lve",
+ "1fxf",
+ "6oxj",
+ "10gs",
+ "6iqg",
+ "2zex",
+ "6bdj",
+ "1acz",
+ "6u72",
+ "7cl3",
+ "5x2p",
+ "6vgi",
+ "6hgj",
+ "1pkn",
+ "5om6",
+ "1n7q",
+ "4bdt",
+ "5xmx",
+ "3azb",
+ "5pzg",
+ "6iqk",
+ "3ky2",
+ "6pul",
+ "1roa",
+ "7b8f",
+ "6gmd",
+ "7rlo",
+ "6urc",
+ "7exg",
+ "6zmd",
+ "5v2p",
+ "2x6j",
+ "2iq1",
+ "7ebq",
+ "1z18",
+ "3wyc",
+ "1k9b",
+ "2itv",
+ "4y6l",
+ "2yez",
+ "7cs5",
+ "1utr",
+ "7xa3",
+ "7r67",
+ "4jec",
+ "3q2c",
+ "2jc2",
+ "1ik4",
+ "4biu",
+ "4fk2",
+ "5jne",
+ "1vzi",
+ "4umr",
+ "4d9j",
+ "6iyt",
+ "1it4",
+ "3gzn",
+ "3rbb",
+ "3f41",
+ "1s0h",
+ "5k42",
+ "1m8k",
+ "8a6l",
+ "1se9",
+ "7f6j",
+ "5lat",
+ "3s38",
+ "2v8w",
+ "1mk1",
+ "6uz8",
+ "2w54",
+ "4mby",
+ "7m6p",
+ "5k4i",
+ "4txo",
+ "4rq3",
+ "5apq",
+ "7xbh",
+ "6pqn",
+ "7qji",
+ "6vcz",
+ "4y0w",
+ "1vel",
+ "4p1x",
+ "6lde",
+ "6f2m",
+ "6bp8",
+ "2oxr",
+ "1bjb",
+ "4jkt",
+ "2kq3",
+ "5um2",
+ "5u8z",
+ "1bpe",
+ "1t4z",
+ "1m49",
+ "6v2d",
+ "2ph6",
+ "6u64",
+ "6fop",
+ "3gqa",
+ "4asq",
+ "3bbr",
+ "6ci4",
+ "6gnj",
+ "7qfa",
+ "3vyk",
+ "7kd7",
+ "6gr0",
+ "6gc1",
+ "2h06",
+ "4fgx",
+ "6dx1",
+ "7sau",
+ "1poo",
+ "5klg",
+ "3o81",
+ "6hje",
+ "5kxr",
+ "5vb9",
+ "5fr3",
+ "7wi0",
+ "6wmt",
+ "1b0y",
+ "4ngp",
+ "6owr",
+ "5lhw",
+ "3cuq",
+ "3zgg",
+ "5yte",
+ "1cqq",
+ "3ixs",
+ "7avz",
+ "7jii",
+ "7vjm",
+ "5p3q",
+ "1h1m",
+ "6ycp",
+ "3kmx",
+ "5xr2",
+ "2d3t",
+ "5reu",
+ "5vp7",
+ "5the",
+ "5tx5",
+ "6k1z",
+ "6wk8",
+ "4ihh",
+ "5wmo",
+ "1cc7",
+ "4bce",
+ "6lmv",
+ "5xz2",
+ "5lrw",
+ "2ivz",
+ "4k7f",
+ "2bk3",
+ "4jtg",
+ "2w1q",
+ "1u9a",
+ "1mhj",
+ "2xh7",
+ "6ujl",
+ "1ma3",
+ "6ho7",
+ "2lhn",
+ "2waq",
+ "1d8t",
+ "3oml",
+ "3vjk",
+ "3vve",
+ "1u2n",
+ "7n1o",
+ "4aay",
+ "5tim",
+ "1tvr",
+ "6fyc",
+ "3mx1",
+ "4pg8",
+ "7tw5",
+ "6nw6",
+ "4jvz",
+ "5kkf",
+ "1yhj",
+ "4nw5",
+ "5jz9",
+ "4jlg",
+ "1gr2",
+ "2mbo",
+ "6lon",
+ "5uo3",
+ "7p5v",
+ "5tsr",
+ "1l61",
+ "5ac2",
+ "7ba3",
+ "3zov",
+ "2q8z",
+ "1v9e",
+ "5xag",
+ "4bq4",
+ "1hsk",
+ "7suy",
+ "8hht",
+ "2bty",
+ "1cce",
+ "1wkm",
+ "2idy",
+ "4to5",
+ "2zsw",
+ "2jch",
+ "1czt",
+ "2jnc",
+ "4hj4",
+ "5u0k",
+ "4ng1",
+ "6vvg",
+ "5ons",
+ "5yhx",
+ "3c0i",
+ "1cip",
+ "2m99",
+ "6c90",
+ "7aop",
+ "6kea",
+ "2hm8",
+ "6n2o",
+ "6jws",
+ "5c3b",
+ "7v0f",
+ "6hhh",
+ "3opz",
+ "5mk0",
+ "1mku",
+ "5kn3",
+ "5zfy",
+ "6u4y",
+ "6wb6",
+ "4hnk",
+ "6kw4",
+ "2vt5",
+ "5ocl",
+ "2j65",
+ "3qju",
+ "5qed",
+ "2f3k",
+ "5yth",
+ "7oiu",
+ "5epk",
+ "5ten",
+ "1wce",
+ "7u75",
+ "3kmd",
+ "6nf4",
+ "4oxi",
+ "7xb5",
+ "1c88",
+ "4cz1",
+ "4fmd",
+ "4ec4",
+ "4gpn",
+ "1hkv",
+ "6q8d",
+ "1pbi",
+ "2w9u",
+ "4llo",
+ "6ju7",
+ "4h5m",
+ "2hft",
+ "2vtw",
+ "4jyi",
+ "6yww",
+ "6kmp",
+ "5o02",
+ "6kz1",
+ "2j0s",
+ "4cg3",
+ "1o2z",
+ "5pc6",
+ "1o4y",
+ "6voe",
+ "6ge4",
+ "1kmz",
+ "7nxu",
+ "3rhl",
+ "2z8l",
+ "1w4j",
+ "6pxq",
+ "3evm",
+ "5kcw",
+ "5dfa",
+ "5v1q",
+ "6lis",
+ "2n6j",
+ "7pb1",
+ "6re9",
+ "4jzz",
+ "5o4t",
+ "1h6j",
+ "4hzp",
+ "7kth",
+ "6qi9",
+ "6rk6",
+ "4zf7",
+ "2ce0",
+ "3v20",
+ "6cdu",
+ "3b54",
+ "8dde",
+ "4ln4",
+ "4aim",
+ "1yvb",
+ "7tmq",
+ "4x8h",
+ "7kxp",
+ "5idl",
+ "5ja7",
+ "6q49",
+ "7a72",
+ "6l2n",
+ "1yw2",
+ "1ks5",
+ "1lop",
+ "1tnz",
+ "5hdv",
+ "1e5i",
+ "7p59",
+ "6cxj",
+ "6zq8",
+ "1tqx",
+ "1xo1",
+ "1iod",
+ "6wi0",
+ "5le2",
+ "3ew1",
+ "2yv7",
+ "5jhq",
+ "5xte",
+ "2xz4",
+ "2l6m",
+ "3g1x",
+ "2nph",
+ "7mfo",
+ "3iz0",
+ "6f27",
+ "4mx6",
+ "3rrr",
+ "5b7y",
+ "4y24",
+ "5pz0",
+ "4d17",
+ "2fhl",
+ "7m5t",
+ "2p7s",
+ "1qy2",
+ "1eez",
+ "7uxi",
+ "7rws",
+ "6tnr",
+ "1u8h",
+ "5ju7",
+ "3zkq",
+ "1t10",
+ "2ipw",
+ "3n4z",
+ "7dl3",
+ "7xc2",
+ "5xsq",
+ "3qce",
+ "7lxb",
+ "1bg3",
+ "4ihr",
+ "6qy1",
+ "4z07",
+ "6fog",
+ "6a33",
+ "3go8",
+ "3mdw",
+ "7a3v",
+ "3gic",
+ "5l2b",
+ "6bhw",
+ "5u60",
+ "4zrb",
+ "1sdo",
+ "6zll",
+ "2zp9",
+ "3uxd",
+ "4zow",
+ "3ej6",
+ "1kbo",
+ "8ddm",
+ "6uzh",
+ "2wld",
+ "2rt6",
+ "4zj0",
+ "5tky",
+ "7qbn",
+ "1ju3",
+ "5uav",
+ "1tfu",
+ "2xuq",
+ "5i8d",
+ "1pam",
+ "1a0j",
+ "5zwj",
+ "4egx",
+ "1mdn",
+ "7jx9",
+ "6urx",
+ "5aml",
+ "4dm8",
+ "1t0s",
+ "2kll",
+ "2x61",
+ "1mpm",
+ "2g1h",
+ "7rpz",
+ "5lv1",
+ "1e4n",
+ "3iu3",
+ "2f01",
+ "7osr",
+ "2mp3",
+ "5jz6",
+ "1cnr",
+ "1n18",
+ "1zao",
+ "4ehq",
+ "7f27",
+ "8hhs",
+ "6b05",
+ "7c8i",
+ "2gab",
+ "7epo",
+ "1ix7",
+ "1dcy",
+ "4uhf",
+ "3ght",
+ "2h4j",
+ "4ymw",
+ "7plt",
+ "7dl7",
+ "3u4m",
+ "7mj1",
+ "2x90",
+ "6pao",
+ "2fj9",
+ "6hrt",
+ "5xdi",
+ "3rwg",
+ "3tyg",
+ "3u8w",
+ "6ryo",
+ "4rm0",
+ "5jtc",
+ "3tc5",
+ "6jhj",
+ "3b2m",
+ "6ct5",
+ "3io3",
+ "1la3",
+ "2c8m",
+ "1vey",
+ "5cl2",
+ "2jit",
+ "1ww1",
+ "7dz7",
+ "6aej",
+ "7uo6",
+ "2beo",
+ "6jid",
+ "1lmc",
+ "4hx9",
+ "6u5l",
+ "7v21",
+ "1lbh",
+ "6vy2",
+ "5we0",
+ "2wzq",
+ "3ko7",
+ "2vpy",
+ "5nd2",
+ "2j8u",
+ "7wkc",
+ "5jxu",
+ "7d0l",
+ "3zio",
+ "6sv6",
+ "4f1d",
+ "6zbt",
+ "4pui",
+ "6x20",
+ "1e2w",
+ "6akd",
+ "7lmw",
+ "7m66",
+ "6q6f",
+ "6k1g",
+ "3pre",
+ "3ovz",
+ "5fd4",
+ "2xfd",
+ "6x3o",
+ "6qxz",
+ "5u1r",
+ "1bkj",
+ "6buv",
+ "3vby",
+ "5zx1",
+ "3nvm",
+ "2vt6",
+ "1hjr",
+ "1spr",
+ "1uu1",
+ "3uq2",
+ "6jzk",
+ "4rlr",
+ "2w2i",
+ "7l73",
+ "4b28",
+ "5k9l",
+ "7e86",
+ "3nl0",
+ "2a7u",
+ "8ark",
+ "3bfv",
+ "1vpf",
+ "2dew",
+ "2jrb",
+ "7o0o",
+ "3wfw",
+ "2nz1",
+ "2jox",
+ "6th3",
+ "3q9p",
+ "1kyd",
+ "7urc",
+ "2wst",
+ "1dvf",
+ "4ut9",
+ "7nxf",
+ "7fp9",
+ "4joi",
+ "1nn0",
+ "3o71",
+ "6o4y",
+ "3s9k",
+ "3kkx",
+ "4y1k",
+ "1ib4",
+ "5xzc",
+ "1z3g",
+ "2fj3",
+ "7c7f",
+ "4qiy",
+ "6vr5",
+ "5w89",
+ "4pax",
+ "6rxr",
+ "6ub0",
+ "1bdc",
+ "2ioh",
+ "1e2e",
+ "6pj5",
+ "5jrz",
+ "3kac",
+ "1q2o",
+ "6pgi",
+ "4fri",
+ "3odj",
+ "5jzu",
+ "1bn6",
+ "2x8i",
+ "3ccn",
+ "7mzt",
+ "7n4s",
+ "6d4o",
+ "5f7y",
+ "7qgo",
+ "2qcw",
+ "3pv3",
+ "3vmv",
+ "6c14",
+ "2hz7",
+ "2vg5",
+ "4yfk",
+ "3urm",
+ "4lr3",
+ "4fhm",
+ "8ejl",
+ "1yyu",
+ "6ifq",
+ "6zpo",
+ "3b07",
+ "2e0i",
+ "4hpk",
+ "3d5r",
+ "5hs0",
+ "2npp",
+ "7prx",
+ "1r3m",
+ "4w5w",
+ "6cyc",
+ "6b2b",
+ "1ehf",
+ "6nk4",
+ "6kzy",
+ "6lrh",
+ "1je9",
+ "5lqv",
+ "1hil",
+ "4jqm",
+ "6g9c",
+ "5jk9",
+ "7luo",
+ "6n3a",
+ "4gdn",
+ "4a4k",
+ "1b8z",
+ "6k9t",
+ "1v0p",
+ "5vuu",
+ "4xdu",
+ "2azc",
+ "1sj9",
+ "5vl8",
+ "6sk8",
+ "3w40",
+ "2wgp",
+ "4u5c",
+ "2bsb",
+ "5cqp",
+ "7l49",
+ "3t22",
+ "6gk3",
+ "5h4b",
+ "3mdd",
+ "4nzi",
+ "2lag",
+ "8e8k",
+ "3ueq",
+ "6nj0",
+ "2oei",
+ "6cy6",
+ "3tzq",
+ "6p5h",
+ "3fqz",
+ "5k9v",
+ "6zz6",
+ "8e94",
+ "4jym",
+ "7a20",
+ "6ka6",
+ "3lj6",
+ "1n0f",
+ "3szr",
+ "4odd",
+ "4ava",
+ "7odc",
+ "1w4a",
+ "6cvr",
+ "6gef",
+ "6dxy",
+ "2vs3",
+ "3nlm",
+ "6n33",
+ "1wo7",
+ "4ibv",
+ "6got",
+ "6xtz",
+ "4ic9",
+ "7av1",
+ "6h7y",
+ "2mv7",
+ "4u6u",
+ "5wsu",
+ "2pdw",
+ "5dad",
+ "5aqa",
+ "5n7w",
+ "6gsp",
+ "5nby",
+ "6gjp",
+ "4or1",
+ "4jyb",
+ "7o63",
+ "6h1f",
+ "3sty",
+ "5ovd",
+ "1fmz",
+ "2qfb",
+ "2p9l",
+ "6qu4",
+ "5ppv",
+ "6ksh",
+ "2fl0",
+ "2znu",
+ "6ir4",
+ "6r35",
+ "7eiz",
+ "5h32",
+ "4cqk",
+ "1bcs",
+ "4qua",
+ "2nlp",
+ "7rat",
+ "3vqj",
+ "6ptd",
+ "3g52",
+ "2q7f",
+ "3se2",
+ "4r74",
+ "3gh5",
+ "5l5x",
+ "2oqb",
+ "7n8m",
+ "5mgd",
+ "7wy3",
+ "2w3f",
+ "1mft",
+ "7cqi",
+ "2wrs",
+ "7lvp",
+ "7kpa",
+ "3m19",
+ "4eat",
+ "2pom",
+ "5o1e",
+ "7c9x",
+ "5pzh",
+ "6z8m",
+ "5x6r",
+ "7pzk",
+ "4o88",
+ "6mzw",
+ "6fpp",
+ "3qpr",
+ "4p32",
+ "4rd0",
+ "2kv7",
+ "5od8",
+ "2d7e",
+ "1srl",
+ "4c5g",
+ "4wq2",
+ "1klz",
+ "7jzi",
+ "5u4y",
+ "4jiu",
+ "2sbl",
+ "5x38",
+ "4rdd",
+ "6yp4",
+ "7xvg",
+ "1ued",
+ "6nvl",
+ "2iej",
+ "6yzv",
+ "2zjt",
+ "8dwv",
+ "4yrs",
+ "3qvt",
+ "3o86",
+ "6u80",
+ "1o27",
+ "6au7",
+ "6go6",
+ "6czo",
+ "6yka",
+ "6ic4",
+ "1sf0",
+ "3b97",
+ "1dt3",
+ "1knt",
+ "8avj",
+ "1h62",
+ "6l5r",
+ "3k97",
+ "4ld1",
+ "7e6f",
+ "3bkz",
+ "3zo9",
+ "4ahj",
+ "7jsd",
+ "1jp9",
+ "6za7",
+ "4o8y",
+ "1u0f",
+ "5j64",
+ "6p9p",
+ "2pty",
+ "1p2l",
+ "3v9h",
+ "4qzh",
+ "1l19",
+ "1gaq",
+ "4xoo",
+ "7p66",
+ "3i0e",
+ "3hml",
+ "2e41",
+ "6s5w",
+ "3id7",
+ "5ycn",
+ "5hmr",
+ "6zfm",
+ "5s5i",
+ "6l7q",
+ "1ey6",
+ "3pui",
+ "5qz5",
+ "2rjv",
+ "7d1p",
+ "7krw",
+ "6jjr",
+ "2wsj",
+ "3ryh",
+ "2om1",
+ "3zrx",
+ "7z3v",
+ "6mns",
+ "1v4j",
+ "2yeq",
+ "2pl6",
+ "5zq3",
+ "4i5m",
+ "2ius",
+ "2kby",
+ "5cap",
+ "5idk",
+ "5lnw",
+ "6mhe",
+ "6z7c",
+ "3jv4",
+ "6bbs",
+ "2mua",
+ "6cwv",
+ "7s4f",
+ "4ypj",
+ "1g9h",
+ "5ec5",
+ "6o5r",
+ "3mic",
+ "6rhs",
+ "2koo",
+ "5m6n",
+ "4b5h",
+ "8b07",
+ "3hq8",
+ "4fw2",
+ "4j0g",
+ "7ylw",
+ "4y08",
+ "1b8v",
+ "4qw7",
+ "4bh8",
+ "1yyo",
+ "7kqn",
+ "2e1n",
+ "7obu",
+ "1zww",
+ "4q3f",
+ "4raq",
+ "4mdp",
+ "6lpk",
+ "5f0p",
+ "1ehn",
+ "4gew",
+ "6vvs",
+ "3ghr",
+ "1xcv",
+ "2roz",
+ "7dag",
+ "2kho",
+ "1trv",
+ "2kok",
+ "2mjy",
+ "6piz",
+ "4knm",
+ "4oo7",
+ "4ec0",
+ "5tt5",
+ "2ji0",
+ "3bne",
+ "4ctx",
+ "7mir",
+ "6mrv",
+ "6unj",
+ "5ezz",
+ "2jhw",
+ "2fmy",
+ "5eis",
+ "1k0x",
+ "5wks",
+ "3a72",
+ "5oo7",
+ "4ybs",
+ "4w57",
+ "2hkj",
+ "4hns",
+ "6psi",
+ "1uoe",
+ "1ihy",
+ "2tmg",
+ "5x1e",
+ "1fga",
+ "1f06",
+ "4ur0",
+ "7aki",
+ "7qnn",
+ "3su4",
+ "5oiu",
+ "3nu5",
+ "2q8y",
+ "1a8y",
+ "1sp7",
+ "4yit",
+ "7d43",
+ "5ari",
+ "1a7i",
+ "6vob",
+ "2nxs",
+ "3iuq",
+ "5tdf",
+ "1vyz",
+ "5k8a",
+ "7zef",
+ "6tim",
+ "2d2o",
+ "3o43",
+ "4q3d",
+ "6ex1",
+ "5xrv",
+ "4qul",
+ "2is9",
+ "5qy7",
+ "5h0y",
+ "1m4y",
+ "1i87",
+ "4xoa",
+ "2x9d",
+ "2rvb",
+ "5xu5",
+ "3hte",
+ "4igi",
+ "4tz8",
+ "3ox8",
+ "1do9",
+ "6m0j",
+ "6std",
+ "3is9",
+ "4adi",
+ "3t1a",
+ "6gfh",
+ "3zf0",
+ "6vuz",
+ "1qgk",
+ "3p0q",
+ "2zh2",
+ "2oxo",
+ "2gi9",
+ "6qe8",
+ "4xnz",
+ "4phx",
+ "4ou1",
+ "2gam",
+ "2pqj",
+ "7yc1",
+ "3zi3",
+ "5s70",
+ "1w87",
+ "4xxl",
+ "1ymt",
+ "6qlv",
+ "3uft",
+ "1j23",
+ "7fic",
+ "6rmd",
+ "1b8s",
+ "8ahe",
+ "7l5d",
+ "4lfu",
+ "4k5e",
+ "2yxg",
+ "6hei",
+ "3edu",
+ "7bjz",
+ "4i8m",
+ "5yzd",
+ "5ayt",
+ "2kz8",
+ "7myr",
+ "1e3r",
+ "1o1s",
+ "4nui",
+ "3wz8",
+ "6w8r",
+ "3fp0",
+ "1nva",
+ "2q7y",
+ "2y41",
+ "4c00",
+ "4mu8",
+ "4nhv",
+ "3mvr",
+ "5h2o",
+ "1a34",
+ "1qyt",
+ "6w4x",
+ "1rha",
+ "2xmu",
+ "6iio",
+ "1yyq",
+ "5goh",
+ "2g0s",
+ "3p5r",
+ "1edx",
+ "5crv",
+ "3se7",
+ "4h5p",
+ "5qzv",
+ "8amd",
+ "1ndi",
+ "1cxa",
+ "1ihk",
+ "1n88",
+ "1nc8",
+ "2ea7",
+ "5ubg",
+ "6hd0",
+ "4yew",
+ "4p5q",
+ "2xq2",
+ "7rtb",
+ "4uq6",
+ "2wn2",
+ "4zxa",
+ "4aih",
+ "2ip6",
+ "3oxv",
+ "5ewa",
+ "2rr3",
+ "2ma8",
+ "1try",
+ "6w1z",
+ "2j9n",
+ "1bv4",
+ "3grb",
+ "4xfw",
+ "6q2y",
+ "3ci2",
+ "6c7d",
+ "5iw4",
+ "4d6w",
+ "7sij",
+ "6qpb",
+ "1qgq",
+ "1l20",
+ "1d5v",
+ "5e73",
+ "2b5t",
+ "2mgu",
+ "4f2h",
+ "4cdt",
+ "8hbs",
+ "3v1b",
+ "2o72",
+ "3wy3",
+ "2blg",
+ "2qzt",
+ "3of2",
+ "7jva",
+ "5dm6",
+ "3ccd",
+ "3k8u",
+ "7jz6",
+ "3q77",
+ "6ogz",
+ "7pvb",
+ "1qhy",
+ "6f3a",
+ "8ajr",
+ "3in9",
+ "2yf9",
+ "6q6h",
+ "6kwl",
+ "5fdq",
+ "3d55",
+ "1wc0",
+ "3mtc",
+ "6clo",
+ "1cfy",
+ "6c8w",
+ "1wc5",
+ "5e5o",
+ "3dz4",
+ "3of1",
+ "2vra",
+ "5abx",
+ "6s2t",
+ "6f5a",
+ "6qol",
+ "7xgf",
+ "5pk1",
+ "3krm",
+ "7bxu",
+ "7xdd",
+ "5hw0",
+ "3kum",
+ "3wv4",
+ "5m56",
+ "3p47",
+ "5jkv",
+ "6geb",
+ "2h32",
+ "7ehs",
+ "3e6e",
+ "5yj1",
+ "2xkq",
+ "5w3f",
+ "1zie",
+ "4jqi",
+ "6vn1",
+ "4cbi",
+ "6crg",
+ "6hwz",
+ "4cye",
+ "6thw",
+ "4hnr",
+ "3h9g",
+ "3qtz",
+ "7mo4",
+ "1foo",
+ "7kqx",
+ "2rkv",
+ "4m45",
+ "6dem",
+ "1be9",
+ "4m1v",
+ "5iqy",
+ "2myx",
+ "3puf",
+ "5t3o",
+ "5i4o",
+ "6wzu",
+ "4lyl",
+ "3kmp",
+ "1ivj",
+ "3s86",
+ "4nk2",
+ "7rvz",
+ "2zyn",
+ "6muo",
+ "7pqp",
+ "6da9",
+ "3alf",
+ "6dcy",
+ "7f6r",
+ "1uk5",
+ "1b56",
+ "5phb",
+ "6d89",
+ "7ntz",
+ "6ttf",
+ "3qnx",
+ "3qfc",
+ "6h5t",
+ "7ygy",
+ "5mcb",
+ "7y0w",
+ "6wio",
+ "4knk",
+ "7l90",
+ "6dhj",
+ "1dic",
+ "4hbi",
+ "1b2k",
+ "6mq3",
+ "1tuv",
+ "1agr",
+ "1yjo",
+ "5nj9",
+ "7a4k",
+ "2pu2",
+ "2l17",
+ "3lx2",
+ "2pcp",
+ "4tmu",
+ "3kfk",
+ "5mjs",
+ "6h8r",
+ "1bne",
+ "5zw6",
+ "8he0",
+ "3vm1",
+ "7ovf",
+ "5w41",
+ "5oj1",
+ "5rvj",
+ "7pgc",
+ "1ohr",
+ "2v4y",
+ "6ugv",
+ "2g94",
+ "3psl",
+ "1m17",
+ "2e3d",
+ "5xf4",
+ "5vnd",
+ "6avi",
+ "7znm",
+ "1joo",
+ "1rlv",
+ "4ln5",
+ "3h6w",
+ "1qjo",
+ "3fdc",
+ "7l8i",
+ "1m6t",
+ "5ddh",
+ "5r1r",
+ "3oxi",
+ "2znc",
+ "7den",
+ "4zhu",
+ "4z11",
+ "2ya0",
+ "5tk7",
+ "3dag",
+ "5uq1",
+ "1lpv",
+ "1a7m",
+ "7zj0",
+ "7lpw",
+ "6kpg",
+ "4exq",
+ "5sye",
+ "5mx9",
+ "7o2o",
+ "6xfn",
+ "6dkv",
+ "3q4s",
+ "5mco",
+ "1hn4",
+ "3kip",
+ "6hxy",
+ "4dur",
+ "1vzs",
+ "1nih",
+ "1tsy",
+ "3utx",
+ "3vce",
+ "4l45",
+ "5h8s",
+ "3laq",
+ "5m51",
+ "2fwb",
+ "8abj",
+ "3avz",
+ "6i6r",
+ "2wp9",
+ "2lys",
+ "5cfe",
+ "6bkp",
+ "2gb1",
+ "4ywo",
+ "7u6m",
+ "1p5s",
+ "2lum",
+ "1vyi",
+ "5tne",
+ "6rre",
+ "6i5y",
+ "5n2d",
+ "7nc1",
+ "2w7d",
+ "5t9x",
+ "1n5p",
+ "2z4t",
+ "6p6y",
+ "1y7v",
+ "5m4m",
+ "2bll",
+ "5ygq",
+ "6g9f",
+ "1zlm",
+ "5njz",
+ "4mpc",
+ "7o0s",
+ "6imw",
+ "3cev",
+ "7u9w",
+ "4cqf",
+ "5p89",
+ "3t59",
+ "1t7n",
+ "2e7j",
+ "6mll",
+ "6wxp",
+ "6g6i",
+ "2ohq",
+ "5nl2",
+ "8edv",
+ "3guh",
+ "3by2",
+ "4lkl",
+ "1bwe",
+ "7zea",
+ "7sd1",
+ "5oep",
+ "3p6f",
+ "5lyn",
+ "6sp4",
+ "4x0q",
+ "1lr1",
+ "4k3o",
+ "6j14",
+ "2rmr",
+ "1m9w",
+ "6rqk",
+ "4x3e",
+ "4d2t",
+ "2a9i",
+ "5r9e",
+ "7p99",
+ "6v3c",
+ "6kzu",
+ "3ipz",
+ "6sv5",
+ "6sa7",
+ "1gmo",
+ "1z0v",
+ "2y88",
+ "3o62",
+ "7n82",
+ "3g42",
+ "5p8n",
+ "1qt5",
+ "3el5",
+ "1oif",
+ "6yzk",
+ "2k7q",
+ "2kr4",
+ "6tea",
+ "1j2t",
+ "5vq0",
+ "5n00",
+ "4hcw",
+ "1e79",
+ "7p1z",
+ "1pd1",
+ "7qha",
+ "7phh",
+ "2wvr",
+ "4zvp",
+ "7djc",
+ "2aax",
+ "4cdd",
+ "1hv5",
+ "5uxa",
+ "5qo3",
+ "4kqp",
+ "5nfa",
+ "3csk",
+ "2j6u",
+ "3a5y",
+ "3qq1",
+ "4r9k",
+ "2mrp",
+ "1rlw",
+ "4gwq",
+ "5x9h",
+ "3l1u",
+ "5ux4",
+ "3jzk",
+ "6odz",
+ "6k26",
+ "8dc5",
+ "6t7a",
+ "5xfe",
+ "3vh7",
+ "4yfr",
+ "4j5j",
+ "5dol",
+ "7oqr",
+ "1adf",
+ "6vhf",
+ "7klr",
+ "7pgl",
+ "5eqr",
+ "4gbx",
+ "1lrw",
+ "4r43",
+ "4bdy",
+ "7sfu",
+ "6k65",
+ "6z7q",
+ "6vd8",
+ "1lgc",
+ "2qcz",
+ "1l13",
+ "4che",
+ "4u6t",
+ "2k2m",
+ "1fzq",
+ "6nu4",
+ "3s0m",
+ "4wl0",
+ "7rdo",
+ "2zak",
+ "4z3d",
+ "6sjc",
+ "2q6f",
+ "4v3x",
+ "2hy6",
+ "7bqp",
+ "7lz1",
+ "2v3v",
+ "4b4i",
+ "4klq",
+ "5ksz",
+ "6zqv",
+ "2avv",
+ "2hbx",
+ "4jok",
+ "3tft",
+ "6gs5",
+ "5z35",
+ "1qvs",
+ "6y4l",
+ "4c2o",
+ "7e5t",
+ "1p5u",
+ "4nok",
+ "4j2p",
+ "4mja",
+ "6bjd",
+ "4cso",
+ "6f56",
+ "4a2p",
+ "2n50",
+ "7xni",
+ "2x0g",
+ "4d8z",
+ "6qkb",
+ "3nz8",
+ "7znu",
+ "5i3i",
+ "4od5",
+ "2vab",
+ "6thc",
+ "4zm1",
+ "3dm6",
+ "2ch6",
+ "4gba",
+ "6a7t",
+ "4kxk",
+ "2r25",
+ "3fr8",
+ "7xj7",
+ "5eh1",
+ "4ys1",
+ "2bi2",
+ "3prg",
+ "5l6e",
+ "3wr7",
+ "5tua",
+ "6n6j",
+ "3pup",
+ "6j0v",
+ "1tn7",
+ "6yvj",
+ "6bj9",
+ "7as6",
+ "7w72",
+ "5o9f",
+ "1rml",
+ "1fza",
+ "4bwy",
+ "4q0j",
+ "6foi",
+ "4b90",
+ "3mdi",
+ "1qjl",
+ "2cgv",
+ "6h4u",
+ "6uwu",
+ "7bh4",
+ "6b1h",
+ "4w7i",
+ "2j5u",
+ "7bru",
+ "5lk5",
+ "4g4p",
+ "1s19",
+ "2xcw",
+ "3ztc",
+ "6zbo",
+ "1ap7",
+ "2nxd",
+ "7bp5",
+ "5kat",
+ "5nnb",
+ "7nx7",
+ "5fap",
+ "5r3b",
+ "6cqt",
+ "5f9b",
+ "1k8f",
+ "3caa",
+ "2duz",
+ "1v0v",
+ "4wmq",
+ "4jz3",
+ "3m6v",
+ "4p8y",
+ "7c0f",
+ "5mnh",
+ "2kmp",
+ "3ni5",
+ "5hrm",
+ "7mzz",
+ "4jtk",
+ "5ni4",
+ "6e6s",
+ "3gfk",
+ "3iwd",
+ "2p54",
+ "1mxb",
+ "7jlr",
+ "5uae",
+ "1bgu",
+ "6zst",
+ "7dt6",
+ "2l4d",
+ "3lvw",
+ "3upq",
+ "5yc0",
+ "6onx",
+ "2rqu",
+ "2fc0",
+ "1guo",
+ "5odg",
+ "4p7t",
+ "5xgd",
+ "1hmu",
+ "5hwe",
+ "1vhw",
+ "1gh9",
+ "1wz3",
+ "5h24",
+ "4f9a",
+ "1tj2",
+ "1ffj",
+ "3t7z",
+ "4jff",
+ "6axm",
+ "5xnm",
+ "2hpd",
+ "7rpw",
+ "2xbi",
+ "3mpc",
+ "2mzq",
+ "6smp",
+ "4yw7",
+ "7l0c",
+ "4ea1",
+ "3gvl",
+ "6zml",
+ "5kj2",
+ "1z4z",
+ "2gox",
+ "5ob8",
+ "6g2f",
+ "3fhb",
+ "7c1y",
+ "8ar1",
+ "5cao",
+ "4kzw",
+ "3d7f",
+ "3klh",
+ "1x1j",
+ "4lfi",
+ "7nki",
+ "4gzi",
+ "3sug",
+ "7dt2",
+ "1pdg",
+ "2l3q",
+ "3bzp",
+ "2c54",
+ "3hzy",
+ "5lol",
+ "6m26",
+ "5km8",
+ "7cna",
+ "3aw5",
+ "1rxm",
+ "7wmu",
+ "1nyu",
+ "6i7f",
+ "6bn9",
+ "5f8g",
+ "5l9r",
+ "2akz",
+ "5g0i",
+ "7tvl",
+ "5r1h",
+ "3u1y",
+ "2ag9",
+ "3o3q",
+ "4lh1",
+ "2acf",
+ "1p2c",
+ "4z43",
+ "1rq0",
+ "1hyr",
+ "4jfy",
+ "2yq4",
+ "4lge",
+ "1swx",
+ "5tkv",
+ "1fa6",
+ "5pi6",
+ "3okl",
+ "1j2c",
+ "6l81",
+ "3mp7",
+ "6gng",
+ "7yxz",
+ "7ebh",
+ "7k0o",
+ "5ejy",
+ "1ykw",
+ "3rdu",
+ "6txv",
+ "6a47",
+ "1dlp",
+ "3q2w",
+ "1hk8",
+ "5oi7",
+ "4p5d",
+ "3b0h",
+ "6uid",
+ "2e26",
+ "8f58",
+ "6ma5",
+ "6bmu",
+ "1x6y",
+ "7yxn",
+ "3h7j",
+ "5pdg",
+ "2xw7",
+ "4x5h",
+ "3ajc",
+ "1nm2",
+ "3zqs",
+ "4o3v",
+ "7e1f",
+ "3zso",
+ "3zg3",
+ "3hfg",
+ "6rfq",
+ "4qlj",
+ "7f3p",
+ "5wl8",
+ "5rlj",
+ "7u9h",
+ "3dwy",
+ "3qzz",
+ "1o72",
+ "1c4c",
+ "2osz",
+ "6dgf",
+ "6ezy",
+ "1t0l",
+ "1grn",
+ "6y93",
+ "6m52",
+ "7xzu",
+ "3syn",
+ "2fu8",
+ "6e4f",
+ "3wlp",
+ "3wap",
+ "5gti",
+ "3rdk",
+ "5tis",
+ "8doa",
+ "3qt5",
+ "6xdg",
+ "5kuu",
+ "2aty",
+ "7wvf",
+ "5un1",
+ "7f4u",
+ "6mmg",
+ "7zbt",
+ "3e9r",
+ "1a40",
+ "6xqi",
+ "7x7h",
+ "5vhh",
+ "3ipu",
+ "5n57",
+ "4d78",
+ "4k5f",
+ "1jin",
+ "7kde",
+ "6i3q",
+ "5tcj",
+ "6cnk",
+ "4tyy",
+ "6ifs",
+ "4zu4",
+ "5vav",
+ "1ut1",
+ "3mty",
+ "6tvf",
+ "1nsd",
+ "2f5h",
+ "6t88",
+ "7d2v",
+ "5spn",
+ "5d6u",
+ "6kls",
+ "6sub",
+ "5s41",
+ "3zv9",
+ "8eem",
+ "6twt",
+ "1efp",
+ "2avk",
+ "1woq",
+ "5ubb",
+ "2fjh",
+ "7p0y",
+ "4naq",
+ "2xv3",
+ "1kva",
+ "4f8e",
+ "3qmx",
+ "5rca",
+ "6zz8",
+ "4r63",
+ "5o1l",
+ "1ey9",
+ "6xip",
+ "2mkv",
+ "3ukk",
+ "4z7q",
+ "4xcj",
+ "8acz",
+ "3zo5",
+ "1ksq",
+ "2hd6",
+ "7odf",
+ "7jue",
+ "5pq1",
+ "4jzs",
+ "4h5n",
+ "8eqj",
+ "6nl9",
+ "8hmv",
+ "4tyg",
+ "6g14",
+ "1u7l",
+ "1h2b",
+ "3thk",
+ "2xec",
+ "4gaw",
+ "4pmk",
+ "6z0i",
+ "5gq0",
+ "2q6r",
+ "4ugq",
+ "3i31",
+ "2uu8",
+ "6wiz",
+ "4tqv",
+ "4m6h",
+ "5cg9",
+ "3wwr",
+ "5k4t",
+ "7whc",
+ "3fkb",
+ "3lgo",
+ "2jjk",
+ "3twh",
+ "1akj",
+ "5y95",
+ "4jto",
+ "1kbr",
+ "6t0r",
+ "6gcf",
+ "2x9i",
+ "3u73",
+ "6j0g",
+ "7ba7",
+ "4h0w",
+ "1el8",
+ "3flt",
+ "2q1s",
+ "4b5f",
+ "7nh2",
+ "5mkw",
+ "1f98",
+ "6fhq",
+ "1v8p",
+ "2xud",
+ "1eso",
+ "6imd",
+ "4cc9",
+ "5soy",
+ "4qdm",
+ "5wjb",
+ "1k6u",
+ "1xbc",
+ "7lf3",
+ "5x39",
+ "2ffl",
+ "7pr7",
+ "5z6d",
+ "5yrz",
+ "5vqj",
+ "1w3d",
+ "4d0d",
+ "6zjq",
+ "2wxz",
+ "2fzg",
+ "1oi6",
+ "5qcn",
+ "4xoj",
+ "5n5r",
+ "2e7y",
+ "6m0z",
+ "5e6z",
+ "3d62",
+ "6f5x",
+ "5o7k",
+ "5ay9",
+ "7e6b",
+ "1xie",
+ "2o8m",
+ "3zdp",
+ "1k0j",
+ "5a44",
+ "8gjn",
+ "3q8m",
+ "3d6q",
+ "2d43",
+ "4ndv",
+ "5ozz",
+ "1pw6",
+ "2mbw",
+ "4tw0",
+ "1ml1",
+ "4zlp",
+ "7ebj",
+ "7dbn",
+ "4q7g",
+ "5wrh",
+ "1y6v",
+ "3amg",
+ "7m4t",
+ "4b66",
+ "3sn9",
+ "2rfb",
+ "2g4s",
+ "5pk2",
+ "3zc1",
+ "5utv",
+ "6nma",
+ "7vwm",
+ "3hbw",
+ "6zwe",
+ "4ur2",
+ "5pox",
+ "4s3n",
+ "2ha6",
+ "2ex3",
+ "1mrr",
+ "2ro9",
+ "5n5e",
+ "5vl5",
+ "3ek5",
+ "8bqf",
+ "6kkp",
+ "5qfh",
+ "2lhm",
+ "5zgm",
+ "3vhh",
+ "5c6j",
+ "2ym4",
+ "6u86",
+ "4uh1",
+ "6mf8",
+ "3j1q",
+ "3gp5",
+ "4yne",
+ "6u41",
+ "6sxn",
+ "2mbz",
+ "4ykj",
+ "2ic1",
+ "5zv2",
+ "3hqf",
+ "6qb4",
+ "3db8",
+ "1v74",
+ "3rc0",
+ "6uxj",
+ "2hde",
+ "4ief",
+ "3j16",
+ "4mpu",
+ "5tvm",
+ "3khw",
+ "5w2p",
+ "6jwp",
+ "8b8u",
+ "3oig",
+ "3g3k",
+ "4wxd",
+ "6gvi",
+ "1fic",
+ "6vjj",
+ "7o41",
+ "2l5i",
+ "5zny",
+ "3ax8",
+ "1cuv",
+ "4ch9",
+ "2v2x",
+ "6pl0",
+ "6rph",
+ "4r5m",
+ "5xfy",
+ "4c03",
+ "7mk2",
+ "7k6b",
+ "2b1l",
+ "4zs4",
+ "1tee",
+ "1tmh",
+ "6mp6",
+ "8d5d",
+ "7vc6",
+ "4zcd",
+ "7qe2",
+ "2cy3",
+ "6set",
+ "1n7l",
+ "3bku",
+ "7ou3",
+ "4drf",
+ "1qin",
+ "6mik",
+ "1ibd",
+ "1aia",
+ "1gbu",
+ "7ep6",
+ "3rhn",
+ "6qnn",
+ "4tx5",
+ "3a5d",
+ "5k5j",
+ "5bsb",
+ "7xrz",
+ "7rl2",
+ "4k4z",
+ "6bs4",
+ "1c8u",
+ "3wax",
+ "4rts",
+ "5f5p",
+ "6izm",
+ "4q2g",
+ "1djg",
+ "6k3f",
+ "5wjc",
+ "1nwp",
+ "2mj5",
+ "2a8h",
+ "1fmi",
+ "3hyj",
+ "7cw4",
+ "6fgm",
+ "3n2u",
+ "168l",
+ "5rf2",
+ "5o57",
+ "5ho1",
+ "3a0z",
+ "3n69",
+ "4zux",
+ "2j6f",
+ "7mko",
+ "6zv4",
+ "5a3k",
+ "5u1x",
+ "2vro",
+ "1uou",
+ "2cnl",
+ "5n1y",
+ "4ibb",
+ "5mbt",
+ "2wud",
+ "2z3e",
+ "2ag0",
+ "2pz8",
+ "3boi",
+ "6pu0",
+ "6hgd",
+ "1ize",
+ "6u8s",
+ "5qzr",
+ "2zed",
+ "5dne",
+ "2ggg",
+ "7u3j",
+ "1rc5",
+ "6dys",
+ "6etr",
+ "2uvf",
+ "1x65",
+ "3nxs",
+ "2n8z",
+ "6o4h",
+ "2x6f",
+ "5xuy",
+ "8gwg",
+ "2r94",
+ "5po2",
+ "2bui",
+ "3sxb",
+ "1qp2",
+ "2rcv",
+ "5svs",
+ "2rns",
+ "2mqu",
+ "3vi0",
+ "1hgz",
+ "7mqh",
+ "1hr7",
+ "3fs9",
+ "4ok5",
+ "4ddm",
+ "5ejz",
+ "4udn",
+ "7vws",
+ "3obw",
+ "3rfn",
+ "6hnx",
+ "4ttp",
+ "6iqq",
+ "4hrg",
+ "7dw8",
+ "1c06",
+ "5t20",
+ "1uaq",
+ "7y26",
+ "1fm7",
+ "4mbx",
+ "1utx",
+ "5p6w",
+ "3sl3",
+ "6gm3",
+ "4ay4",
+ "4uu6",
+ "3ecb",
+ "3lcn",
+ "4dx2",
+ "1xvg",
+ "7a6y",
+ "7qy4",
+ "2r3z",
+ "3arz",
+ "6a5q",
+ "4or7",
+ "5ljj",
+ "5oh3",
+ "2g48",
+ "4enf",
+ "3gj5",
+ "5i6m",
+ "2kb2",
+ "2blf",
+ "6weq",
+ "2e3o",
+ "2xcq",
+ "3e3y",
+ "1zkj",
+ "2k6v",
+ "7tkc",
+ "1fi6",
+ "1y2d",
+ "5a30",
+ "6t1o",
+ "1ox6",
+ "5gt0",
+ "4qoy",
+ "1ckm",
+ "4puz",
+ "5x5l",
+ "7ac1",
+ "6ij7",
+ "3u7s",
+ "2cmc",
+ "4gce",
+ "1ki6",
+ "6kzx",
+ "4jgh",
+ "3nev",
+ "1icj",
+ "1xu9",
+ "1vpt",
+ "1gwl",
+ "8ev2",
+ "2n7q",
+ "2idr",
+ "5cwi",
+ "4yxw",
+ "1szg",
+ "5l3w",
+ "3ant",
+ "5akp",
+ "1weg",
+ "6ib8",
+ "2y85",
+ "1w00",
+ "5nl4",
+ "1mvk",
+ "2mt4",
+ "5o9s",
+ "3cf2",
+ "3l64",
+ "2c2z",
+ "6xfk",
+ "7yxo",
+ "1fs8",
+ "1m99",
+ "5cmt",
+ "3gbd",
+ "4v2u",
+ "7alt",
+ "2x0s",
+ "4wm1",
+ "5ra6",
+ "2pqa",
+ "8exh",
+ "2xbb",
+ "5im8",
+ "1mmy",
+ "1q6g",
+ "3g73",
+ "4jwc",
+ "1n8w",
+ "7t33",
+ "6qyh",
+ "5dy7",
+ "2vc4",
+ "5now",
+ "2h94",
+ "3fwi",
+ "5eez",
+ "5nur",
+ "1hcb",
+ "5i7j",
+ "6k1s",
+ "5vb7",
+ "6kke",
+ "1b0j",
+ "5dp9",
+ "5doh",
+ "3nks",
+ "6vd1",
+ "4zdo",
+ "6f90",
+ "7pkx",
+ "5e6n",
+ "5j4l",
+ "3u10",
+ "5ai8",
+ "2qe7",
+ "1bt1",
+ "6f29",
+ "5uc8",
+ "4ehp",
+ "8dq1",
+ "5mj7",
+ "4j5f",
+ "6d14",
+ "1lf9",
+ "2ycw",
+ "1ol6",
+ "4art",
+ "7ytd",
+ "4c70",
+ "3ogx",
+ "6s8b",
+ "7znf",
+ "1m45",
+ "6iiv",
+ "1dv5",
+ "2yng",
+ "5o06",
+ "7mj0",
+ "4fn5",
+ "7ofl",
+ "3vfw",
+ "6zu3",
+ "1zyz",
+ "1g6r",
+ "7dgw",
+ "6itj",
+ "6fwf",
+ "2wc0",
+ "1e0b",
+ "3h94",
+ "4fe3",
+ "6wah",
+ "3s1e",
+ "4zvs",
+ "4jcg",
+ "1ibr",
+ "3rb7",
+ "6bc9",
+ "7b2d",
+ "6a51",
+ "6qm7",
+ "2oc2",
+ "7d4p",
+ "4cqq",
+ "7swy",
+ "3ekx",
+ "4bo5",
+ "4kv1",
+ "6rwh",
+ "3o7j",
+ "3q2l",
+ "4l61",
+ "7bs7",
+ "3gsq",
+ "2eyy",
+ "1tei",
+ "4a8d",
+ "6r1x",
+ "7s34",
+ "4elk",
+ "1wlv",
+ "6hlj",
+ "1p8l",
+ "4oj3",
+ "3tia",
+ "1hdz",
+ "5m97",
+ "1z96",
+ "5x3s",
+ "4wpf",
+ "6bzh",
+ "7d9q",
+ "7wdu",
+ "7yse",
+ "6ayv",
+ "6ubw",
+ "3b3n",
+ "5rds",
+ "1np6",
+ "4ag7",
+ "3jas",
+ "8c19",
+ "5h1m",
+ "5xmr",
+ "2n0m",
+ "2h0k",
+ "4yrv",
+ "5gyf",
+ "1bic",
+ "6p6i",
+ "7t8k",
+ "2h9d",
+ "2igh",
+ "6iap",
+ "1y4q",
+ "5yua",
+ "2ic6",
+ "6krp",
+ "4jz9",
+ "7uha",
+ "2mjm",
+ "2nz2",
+ "5kei",
+ "5foa",
+ "5xjn",
+ "7e1w",
+ "2a8k",
+ "6h07",
+ "3kyh",
+ "6a34",
+ "2wvp",
+ "4a83",
+ "3glw",
+ "6c3p",
+ "6r4f",
+ "2mzf",
+ "5r3z",
+ "5mt9",
+ "6rmv",
+ "5mkx",
+ "1aem",
+ "5tqn",
+ "4d1b",
+ "6iwk",
+ "1p0k",
+ "7kpd",
+ "5af5",
+ "5eq1",
+ "3b3a",
+ "3njj",
+ "5u41",
+ "8doy",
+ "6c26",
+ "3hqn",
+ "7rny",
+ "6z6p",
+ "3uhg",
+ "6rme",
+ "1wt3",
+ "7xfw",
+ "7arx",
+ "6fhs",
+ "6r1k",
+ "2li6",
+ "2f97",
+ "5v4u",
+ "4oia",
+ "2x8p",
+ "1qts",
+ "1jyr",
+ "5w98",
+ "4nik",
+ "1ans",
+ "3up0",
+ "4xcg",
+ "1ild",
+ "5org",
+ "2a0x",
+ "8gmt",
+ "2y3q",
+ "5ahn",
+ "1i72",
+ "1b0f",
+ "6v37",
+ "1u5s",
+ "5kyk",
+ "7l8b",
+ "7lp4",
+ "3ffb",
+ "5v83",
+ "2zhv",
+ "1zai",
+ "5b1x",
+ "3lw3",
+ "3sr9",
+ "5lvf",
+ "7but",
+ "7zvy",
+ "6dy3",
+ "1bfo",
+ "7atw",
+ "5f15",
+ "1akn",
+ "3icx",
+ "7ovt",
+ "2xr6",
+ "6l93",
+ "3jar",
+ "7x5v",
+ "6lxo",
+ "8efq",
+ "1ucl",
+ "2nap",
+ "1byp",
+ "7tvm",
+ "1q63",
+ "3det",
+ "6dox",
+ "3iwo",
+ "6f2c",
+ "7qbp",
+ "6l9k",
+ "6rmm",
+ "4ruc",
+ "6pm3",
+ "5jk2",
+ "5m67",
+ "1v49",
+ "1ras",
+ "2i2q",
+ "1n9g",
+ "4owo",
+ "1j2n",
+ "1c6p",
+ "7di0",
+ "5b3v",
+ "1xcg",
+ "2fgj",
+ "2v0n",
+ "3npm",
+ "6zey",
+ "1xpc",
+ "1rhy",
+ "3tn0",
+ "3dkc",
+ "2f3s",
+ "6zkl",
+ "5gof",
+ "6gcr",
+ "1s1m",
+ "7m12",
+ "5zzr",
+ "5md3",
+ "6u69",
+ "7o6y",
+ "1fxh",
+ "3qmt",
+ "5h0x",
+ "6evy",
+ "2ot2",
+ "3v8a",
+ "8eb4",
+ "3vuq",
+ "2xea",
+ "1kjz",
+ "5cyu",
+ "3btj",
+ "7f8p",
+ "1lbj",
+ "4oej",
+ "2ns6",
+ "2wsm",
+ "1pio",
+ "6lgw",
+ "3tno",
+ "6p1m",
+ "7l1z",
+ "7fd5",
+ "2jtg",
+ "1u3a",
+ "3wke",
+ "4ky8",
+ "2kwl",
+ "7mjz",
+ "5xc5",
+ "2oxp",
+ "4xdy",
+ "6iq1",
+ "1yjj",
+ "2qny",
+ "3d9i",
+ "1w0i",
+ "1gwi",
+ "7xqd",
+ "1ptu",
+ "5eik",
+ "3hbd",
+ "6avr",
+ "6z49",
+ "4fl3",
+ "1bf2",
+ "7r4t",
+ "7vzg",
+ "2o4p",
+ "4e9h",
+ "7oxg",
+ "4ptx",
+ "8ab6",
+ "5sxm",
+ "7mnb",
+ "6f60",
+ "3fgm",
+ "4bx7",
+ "2llu",
+ "3l0v",
+ "8czl",
+ "5aaw",
+ "3qem",
+ "3fjd",
+ "1ish",
+ "7b1x",
+ "3zj1",
+ "5gkj",
+ "2fym",
+ "6yxh",
+ "6uh7",
+ "5dgy",
+ "2nq7",
+ "2ull",
+ "2qwq",
+ "2g50",
+ "1nwi",
+ "4fyn",
+ "6m47",
+ "1ds7",
+ "5edp",
+ "6sbg",
+ "5mwz",
+ "5fcn",
+ "7z5x",
+ "6gqp",
+ "4czf",
+ "5tvn",
+ "5t46",
+ "5bz4",
+ "2c8z",
+ "6he7",
+ "3njl",
+ "4yzf",
+ "6s3s",
+ "6rti",
+ "6oly",
+ "6vxs",
+ "2c0e",
+ "6tg0",
+ "5pr1",
+ "4ezm",
+ "8d6s",
+ "3wgd",
+ "7e6h",
+ "4khz",
+ "6tt0",
+ "4nyu",
+ "3pvf",
+ "5ptd",
+ "5zcd",
+ "5fqt",
+ "1o4q",
+ "7d6b",
+ "1qj9",
+ "1du9",
+ "1m8g",
+ "5oyx",
+ "7m8r",
+ "6hqo",
+ "2f6l",
+ "1ndz",
+ "4aik",
+ "6qrr",
+ "1enp",
+ "4hxv",
+ "4cdx",
+ "5ibm",
+ "1njg",
+ "6zdj",
+ "1e4l",
+ "6ent",
+ "1b5y",
+ "5dhe",
+ "3aiy",
+ "4ips",
+ "6lgg",
+ "1bin",
+ "2mi8",
+ "3ews",
+ "5p0u",
+ "4h2f",
+ "1lmr",
+ "4lka",
+ "1c3c",
+ "2lqv",
+ "7olt",
+ "6vvd",
+ "4f30",
+ "7wq5",
+ "4k3j",
+ "3adw",
+ "6wmq",
+ "1th1",
+ "3h3a",
+ "1aa7",
+ "1olc",
+ "7wbm",
+ "2pfc",
+ "4c1d",
+ "7efq",
+ "4kzm",
+ "7n7r",
+ "7k2l",
+ "1nkg",
+ "5pls",
+ "4ql6",
+ "5qls",
+ "1btk",
+ "1o4j",
+ "6yzh",
+ "1fnv",
+ "6dak",
+ "2lru",
+ "1gbk",
+ "6msi",
+ "5xl1",
+ "6zi2",
+ "1ces",
+ "3cdb",
+ "1pro",
+ "1fub",
+ "6hwj",
+ "6ibj",
+ "6ui2",
+ "4gii",
+ "1uzy",
+ "4by6",
+ "1wqq",
+ "1epz",
+ "4hbn",
+ "1hld",
+ "3nb9",
+ "5zzb",
+ "6adr",
+ "8fmb",
+ "3d2o",
+ "5c4u",
+ "1okk",
+ "7nkd",
+ "2ljb",
+ "5o39",
+ "4ie2",
+ "4yqw",
+ "2k9u",
+ "7uzy",
+ "6cl9",
+ "1ha1",
+ "1fqd",
+ "2bm9",
+ "8djc",
+ "7qrs",
+ "3qlv",
+ "4kzx",
+ "5del",
+ "4wfk",
+ "1cuf",
+ "5rtj",
+ "7s2e",
+ "7xnc",
+ "7cjd",
+ "1ofu",
+ "6j65",
+ "3rux",
+ "2wu8",
+ "3mvi",
+ "3jvm",
+ "6m88",
+ "2ez9",
+ "2q9y",
+ "3cmr",
+ "5alk",
+ "4s0t",
+ "1mvf",
+ "2ce1",
+ "1ice",
+ "3wv3",
+ "3qu4",
+ "2prd",
+ "3uaj",
+ "3mg7",
+ "7s4t",
+ "1cyi",
+ "4w55",
+ "4yob",
+ "8gs4",
+ "7b19",
+ "2nc6",
+ "1fy1",
+ "1spw",
+ "5cqk",
+ "5p4r",
+ "3ipc",
+ "4g1h",
+ "1wtl",
+ "5old",
+ "5wtl",
+ "5fly",
+ "2pyf",
+ "4b9m",
+ "7ql0",
+ "5amk",
+ "7lpl",
+ "1p7i",
+ "7op2",
+ "2z3s",
+ "6o4o",
+ "6gfr",
+ "5t54",
+ "1odb",
+ "2q4y",
+ "5e4w",
+ "3ubn",
+ "7lzv",
+ "7act",
+ "7se7",
+ "4jph",
+ "2vx8",
+ "7m1w",
+ "5uky",
+ "6qqd",
+ "1uca",
+ "4ln9",
+ "1y5f",
+ "1apz",
+ "6x3v",
+ "1qvo",
+ "7xy6",
+ "5cef",
+ "1fr6",
+ "6kww",
+ "5l0c",
+ "2rel",
+ "3a2x",
+ "5piq",
+ "6igw",
+ "7xeb",
+ "2uxx",
+ "2nnc",
+ "1mci",
+ "2nsc",
+ "5uui",
+ "7cly",
+ "7rcs",
+ "6xmf",
+ "5pyz",
+ "2a3u",
+ "2hm4",
+ "1r5z",
+ "4ghq",
+ "7tbc",
+ "5k0l",
+ "5lkg",
+ "4bqc",
+ "2ade",
+ "4zp3",
+ "2ka3",
+ "2lm9",
+ "5tzn",
+ "2ok2",
+ "1kav",
+ "4ag4",
+ "1k1z",
+ "3msf",
+ "2l6c",
+ "6j73",
+ "5clm",
+ "4wzh",
+ "4agp",
+ "1oko",
+ "6jgn",
+ "6pco",
+ "5b3h",
+ "2w3s",
+ "2m5b",
+ "3f9e",
+ "5ogp",
+ "6qsi",
+ "5wyg",
+ "4q9n",
+ "2hf4",
+ "7bm8",
+ "7yu5",
+ "4lax",
+ "1tex",
+ "3zuy",
+ "5w18",
+ "5j1x",
+ "1ebb",
+ "5ekx",
+ "7bvt",
+ "2eig",
+ "5t13",
+ "4z2f",
+ "3o1z",
+ "7ard",
+ "1ai3",
+ "6hwl",
+ "4wsb",
+ "1ssw",
+ "3g31",
+ "4joe",
+ "6emh",
+ "6t9c",
+ "4ak5",
+ "4rsi",
+ "6pfy",
+ "3qub",
+ "4k99",
+ "1r8h",
+ "1f03",
+ "3tag",
+ "2myn",
+ "5hr1",
+ "3aqc",
+ "1hfn",
+ "3u8l",
+ "4zxd",
+ "2vl1",
+ "3qnr",
+ "7pzn",
+ "5xfr",
+ "1mqi",
+ "2ux7",
+ "1e0l",
+ "4zr2",
+ "1obs",
+ "2p0b",
+ "6bgr",
+ "5amj",
+ "3d4g",
+ "1wnt",
+ "2ocp",
+ "3o5t",
+ "4xp1",
+ "7ln9",
+ "6ryj",
+ "7rob",
+ "3a2o",
+ "3syv",
+ "7f2v",
+ "6rcx",
+ "2x62",
+ "7s0a",
+ "6wjc",
+ "6vn6",
+ "4r8q",
+ "2g9g",
+ "6kup",
+ "5js2",
+ "7sc0",
+ "5brq",
+ "6opu",
+ "3amq",
+ "7cio",
+ "2onj",
+ "5rl7",
+ "6wfo",
+ "5ui7",
+ "1wkv",
+ "2ohc",
+ "2grp",
+ "1y31",
+ "6jd4",
+ "4rvg",
+ "4f9y",
+ "6mut",
+ "1axh",
+ "3gdt",
+ "1dzf",
+ "1awr",
+ "5uy9",
+ "4zb2",
+ "6vhx",
+ "5kp5",
+ "5pk3",
+ "7tyb",
+ "5uih",
+ "3nrq",
+ "5kje",
+ "6t7e",
+ "1xef",
+ "4ewj",
+ "3n8m",
+ "7u7l",
+ "6e9f",
+ "7naa",
+ "6zrv",
+ "2xy2",
+ "6k2n",
+ "1xr3",
+ "5qgb",
+ "6mvv",
+ "7xxu",
+ "4ba4",
+ "7zxy",
+ "1mxr",
+ "2sli",
+ "5l8x",
+ "3h1g",
+ "4ane",
+ "1lug",
+ "3iq6",
+ "2oro",
+ "4lz2",
+ "1u8g",
+ "5f7p",
+ "1iyo",
+ "3os3",
+ "7kpy",
+ "3cv8",
+ "5qfq",
+ "3ip9",
+ "8b7q",
+ "5wia",
+ "7xpw",
+ "6bn3",
+ "7p3d",
+ "3mss",
+ "5viy",
+ "3lsh",
+ "1gwj",
+ "4uvy",
+ "2qut",
+ "6t7p",
+ "2bdg",
+ "5lio",
+ "4fjh",
+ "4jzc",
+ "7ciq",
+ "2abb",
+ "4c0f",
+ "6tqu",
+ "4ume",
+ "5zvk",
+ "5u1d",
+ "2p39",
+ "4q0s",
+ "6icp",
+ "7ohd",
+ "1ugo",
+ "5mwf",
+ "2cm0",
+ "7vlx",
+ "6u9r",
+ "5mlm",
+ "1mjz",
+ "2m3v",
+ "3wb8",
+ "1qiv",
+ "4an8",
+ "7bz7",
+ "5oh7",
+ "7vid",
+ "1haf",
+ "4b5v",
+ "4kpn",
+ "1fhj",
+ "1cck",
+ "7ta7",
+ "2bqo",
+ "2lue",
+ "1tqj",
+ "4ky2",
+ "1anp",
+ "6cjd",
+ "1dy6",
+ "5yg8",
+ "6ii4",
+ "6akh",
+ "7rnw",
+ "3kz8",
+ "5lmg",
+ "3t9a",
+ "7s02",
+ "2ij5",
+ "1wn8",
+ "7xzs",
+ "4q4b",
+ "1jkm",
+ "7s33",
+ "1eua",
+ "2fz4",
+ "3gai",
+ "1use",
+ "7kte",
+ "1gnj",
+ "6mg1",
+ "4o6t",
+ "7p1k",
+ "6pfd",
+ "3m1c",
+ "6dxl",
+ "5eaz",
+ "6jb5",
+ "5jlg",
+ "3i8w",
+ "7amt",
+ "2gvf",
+ "5gwg",
+ "3t1r",
+ "2nxr",
+ "6w0a",
+ "6qz1",
+ "3d28",
+ "5mjd",
+ "4k12",
+ "2jle",
+ "3b66",
+ "6ngx",
+ "7p4k",
+ "1qzn",
+ "4pxk",
+ "2n02",
+ "5l3z",
+ "6lbv",
+ "3swo",
+ "4pdw",
+ "2vk9",
+ "1nps",
+ "4l7k",
+ "3b61",
+ "1cfd",
+ "3zco",
+ "6wkw",
+ "8bdj",
+ "2a5v",
+ "7plv",
+ "7kng",
+ "2zew",
+ "6v4a",
+ "4jzj",
+ "6wxi",
+ "4znh",
+ "5mtf",
+ "3fjt",
+ "3nn1",
+ "4dmr",
+ "7pk3",
+ "6ecc",
+ "5ku5",
+ "6wyi",
+ "7wsj",
+ "2ht1",
+ "2oke",
+ "1fx8",
+ "3m9f",
+ "7nhc",
+ "3lx5",
+ "2roa",
+ "5d7d",
+ "4l3c",
+ "6jay",
+ "1efx",
+ "3v11",
+ "4ezy",
+ "7nky",
+ "4zvo",
+ "4dkp",
+ "4rn0",
+ "4osw",
+ "3crk",
+ "5ik2",
+ "7eso",
+ "5cwt",
+ "3vp9",
+ "2bds",
+ "7atm",
+ "7nog",
+ "4hf4",
+ "1vre",
+ "2k56",
+ "6hhf",
+ "3dib",
+ "1gg2",
+ "4xrc",
+ "1rft",
+ "5mfh",
+ "3uo6",
+ "1dcp",
+ "2hml",
+ "1log",
+ "6ths",
+ "4xyd",
+ "6qa6",
+ "6uo4",
+ "6sz8",
+ "1qb4",
+ "6nbs",
+ "2vc2",
+ "4eqi",
+ "6ha0",
+ "1du4",
+ "1rmg",
+ "5y7q",
+ "4rdl",
+ "3d21",
+ "3rln",
+ "3ngs",
+ "5jdr",
+ "7m95",
+ "3u6z",
+ "1ek6",
+ "3w2h",
+ "3ubf",
+ "1ka2",
+ "5mzj",
+ "2vvc",
+ "1f61",
+ "3lka",
+ "4h8r",
+ "7uqo",
+ "5i9y",
+ "4x5n",
+ "3bsn",
+ "4tmf",
+ "6tyr",
+ "6hnm",
+ "3en9",
+ "5xhg",
+ "6d1f",
+ "1znb",
+ "6enc",
+ "1yrk",
+ "1xja",
+ "1z1i",
+ "4ig7",
+ "3p3c",
+ "5ee2",
+ "6df2",
+ "4kzb",
+ "1za3",
+ "2jau",
+ "7flh",
+ "4pfw",
+ "2ltq",
+ "8dse",
+ "3p8y",
+ "3wkt",
+ "6whu",
+ "6j7a",
+ "3pkp",
+ "4utp",
+ "4jod",
+ "1ipi",
+ "3fj6",
+ "7eyw",
+ "2o9e",
+ "2yix",
+ "5x86",
+ "4x4f",
+ "5kux",
+ "4xqa",
+ "5k6m",
+ "2rui",
+ "1k9f",
+ "2bpi",
+ "1y46",
+ "5m62",
+ "3drg",
+ "7cmo",
+ "4xv9",
+ "1dfw",
+ "7p3g",
+ "4l4z",
+ "1iwx",
+ "1h9a",
+ "1xpy",
+ "7bpa",
+ "6x2x",
+ "1gfv",
+ "3cox",
+ "3bdo",
+ "4ywu",
+ "4a0q",
+ "16vp",
+ "6nyj",
+ "6l6o",
+ "6nen",
+ "7cym",
+ "4rnd",
+ "3wyz",
+ "2bwb",
+ "2vvm",
+ "1thn",
+ "1l7q",
+ "2yi1",
+ "7c8e",
+ "7cfb",
+ "6bxp",
+ "5peb",
+ "6erh",
+ "5dhs",
+ "2kaa",
+ "8h7v",
+ "7o6q",
+ "2a5d",
+ "4itl",
+ "7vw1",
+ "6wce",
+ "1z1l",
+ "3tli",
+ "4llk",
+ "2nxx",
+ "4a7z",
+ "5v7g",
+ "6kpo",
+ "1y4p",
+ "5t9a",
+ "4pf1",
+ "1fc1",
+ "5u58",
+ "2n6n",
+ "7tbt",
+ "3l6w",
+ "2llq",
+ "2vqg",
+ "3uns",
+ "5ls2",
+ "4qr4",
+ "3zzk",
+ "7bi5",
+ "1se0",
+ "6fph",
+ "1c61",
+ "1e4q",
+ "4llq",
+ "2n7c",
+ "5fum",
+ "2b9f",
+ "4adl",
+ "1one",
+ "6jvp",
+ "143l",
+ "1sxb",
+ "7c0j",
+ "4p83",
+ "1w8n",
+ "3cji",
+ "6rbs",
+ "3zd8",
+ "3eov",
+ "5w6q",
+ "6e5c",
+ "7nij",
+ "7bgf",
+ "7kvb",
+ "1vkj",
+ "2ksw",
+ "5f3w",
+ "3vqz",
+ "7ep2",
+ "1tzt",
+ "6gog",
+ "3zlb",
+ "4x1o",
+ "1fn8",
+ "4y2s",
+ "3tct",
+ "5qg0",
+ "5cm8",
+ "5rva",
+ "1sty",
+ "3en1",
+ "5k2f",
+ "1sm9",
+ "4gm4",
+ "6szw",
+ "1uyv",
+ "6dpx",
+ "5r0t",
+ "1rzu",
+ "7wjf",
+ "1gkd",
+ "6tir",
+ "3lpr",
+ "6owv",
+ "3fzj",
+ "2fya",
+ "3lrs",
+ "5y2y",
+ "3syi",
+ "8doe",
+ "7lrb",
+ "6oqp",
+ "2cw3",
+ "2xt3",
+ "8d0i",
+ "5r8w",
+ "2wz0",
+ "2pyg",
+ "3q03",
+ "2vty",
+ "5tk5",
+ "3c7e",
+ "4x7n",
+ "7ple",
+ "6hoz",
+ "2sn3",
+ "1edl",
+ "5myk",
+ "1q3q",
+ "5pse",
+ "4ch8",
+ "4m9q",
+ "6t3i",
+ "4m0l",
+ "6ipw",
+ "1nf3",
+ "3cd4",
+ "1sme",
+ "1byy",
+ "3oqh",
+ "8dxr",
+ "2nxh",
+ "2l46",
+ "1um8",
+ "5b5p",
+ "6nx1",
+ "2yjp",
+ "7yvt",
+ "1alb",
+ "4aag",
+ "4jki",
+ "3h31",
+ "5kf9",
+ "7swf",
+ "6wic",
+ "7rg0",
+ "1q0z",
+ "7ksi",
+ "5dn5",
+ "5vdf",
+ "1x83",
+ "2v87",
+ "3zny",
+ "5e1q",
+ "1abw",
+ "6zg3",
+ "1qpn",
+ "2xit",
+ "8i2h",
+ "6fkn",
+ "6tiw",
+ "6kcw",
+ "3dzi",
+ "1qht",
+ "2b8i",
+ "2vqa",
+ "1l5i",
+ "1y91",
+ "1x38",
+ "6dhk",
+ "2x6e",
+ "6afs",
+ "7thd",
+ "7m4b",
+ "6ysb",
+ "6zc5",
+ "6n4n",
+ "3su2",
+ "7a42",
+ "4bw5",
+ "4jqx",
+ "7rco",
+ "3fpn",
+ "5gnl",
+ "7wb3",
+ "6rvn",
+ "2e01",
+ "1aey",
+ "7mgc",
+ "4yop",
+ "6t6y",
+ "1y02",
+ "2cdb",
+ "5fat",
+ "5cra",
+ "2lfg",
+ "1k0t",
+ "4ib4",
+ "1vcx",
+ "6hgo",
+ "3iqx",
+ "4lgu",
+ "1jj7",
+ "4xus",
+ "6br5",
+ "6pe3",
+ "3qyr",
+ "5bth",
+ "6fwt",
+ "2hmw",
+ "2zra",
+ "6ig4",
+ "4aqb",
+ "5qen",
+ "7to5",
+ "5t5g",
+ "5cx6",
+ "4d3f",
+ "3cnj",
+ "6hgx",
+ "6ixv",
+ "1ght",
+ "2oji",
+ "7th4",
+ "3fs8",
+ "5yp2",
+ "2opo",
+ "5x8l",
+ "2jf2",
+ "3ouq",
+ "1kqu",
+ "2oxi",
+ "4fzo",
+ "7t9i",
+ "4fot",
+ "2yvm",
+ "6eoy",
+ "1qnf",
+ "2aj4",
+ "3c06",
+ "1waw",
+ "5rpr",
+ "4x7d",
+ "2aq7",
+ "4pns",
+ "5o8y",
+ "1zk3",
+ "7wiz",
+ "3g93",
+ "5y0m",
+ "7ksb",
+ "3alt",
+ "1gn8",
+ "6tao",
+ "1y6q",
+ "2oqp",
+ "1t92",
+ "2vbv",
+ "6uv8",
+ "3tpb",
+ "1w8o",
+ "4xhm",
+ "2zft",
+ "7ah4",
+ "5jtf",
+ "5hz7",
+ "6d6b",
+ "2hk2",
+ "4r1f",
+ "1zn0",
+ "1nlj",
+ "1fiw",
+ "1hpj",
+ "5am4",
+ "7l1d",
+ "6kia",
+ "1dt4",
+ "7oth",
+ "5f0c",
+ "1dq8",
+ "1pid",
+ "2vrs",
+ "5r3j",
+ "6jfy",
+ "4z9h",
+ "8i18",
+ "5l69",
+ "1egy",
+ "7lys",
+ "5aon",
+ "3suv",
+ "3eyv",
+ "5rcr",
+ "3ron",
+ "5xc3",
+ "2bbv",
+ "1xx3",
+ "6cjs",
+ "8fm9",
+ "7vkx",
+ "3onr",
+ "2ass",
+ "3gj8",
+ "5lyd",
+ "4n20",
+ "2w70",
+ "1koy",
+ "1adg",
+ "4luz",
+ "6c0l",
+ "3j31",
+ "3okc",
+ "3rqw",
+ "6ild",
+ "5h4u",
+ "4rrc",
+ "3fal",
+ "5p34",
+ "4y1t",
+ "2amq",
+ "6is2",
+ "7k41",
+ "7x3d",
+ "1fbw",
+ "2qjo",
+ "3rwn",
+ "4a4z",
+ "209l",
+ "6luh",
+ "5cp9",
+ "5yhs",
+ "6asy",
+ "1vna",
+ "1m9s",
+ "3vax",
+ "3knp",
+ "5jvj",
+ "4hsx",
+ "6myv",
+ "5e24",
+ "5fnc",
+ "4urg",
+ "2cj4",
+ "6qv6",
+ "7tpy",
+ "4cxr",
+ "7z78",
+ "3k9m",
+ "5o5f",
+ "6uwv",
+ "6k9r",
+ "2zri",
+ "5j19",
+ "4kax",
+ "2whv",
+ "5pf7",
+ "4cbc",
+ "1i5c",
+ "2b8w",
+ "3sj5",
+ "6e41",
+ "3l0j",
+ "4xw2",
+ "6acw",
+ "6ing",
+ "2a24",
+ "7otq",
+ "5wy3",
+ "1v9j",
+ "6s5a",
+ "4qwe",
+ "7ta8",
+ "8cj0",
+ "1vbg",
+ "2iq6",
+ "6hli",
+ "4yuv",
+ "4c1s",
+ "5hp5",
+ "3c4o",
+ "7q9y",
+ "5h9o",
+ "6g5o",
+ "3oc5",
+ "6msc",
+ "1bb7",
+ "5a16",
+ "1beh",
+ "4xxc",
+ "3g0u",
+ "2bg9",
+ "2nrn",
+ "2bhj",
+ "8cu7",
+ "2qky",
+ "5xik",
+ "5mo7",
+ "7e43",
+ "7dxr",
+ "3ow7",
+ "4csg",
+ "5wtz",
+ "2y6l",
+ "4iia",
+ "4cwm",
+ "7ow8",
+ "2wyf",
+ "7c11",
+ "3w9s",
+ "4ttw",
+ "4ne2",
+ "7x8h",
+ "4p7l",
+ "5qyu",
+ "3cj0",
+ "3o9w",
+ "5g2n",
+ "5m4q",
+ "5ixa",
+ "3u8z",
+ "1dqx",
+ "2bly",
+ "4yvo",
+ "4yad",
+ "3tq8",
+ "5ks9",
+ "5xh2",
+ "6vqx",
+ "2h4x",
+ "2hp2",
+ "4xz2",
+ "144l",
+ "8eir",
+ "4n8r",
+ "6cf8",
+ "3u3e",
+ "6nea",
+ "7rcz",
+ "3dvt",
+ "1nah",
+ "6zur",
+ "3n21",
+ "2ch9",
+ "7nee",
+ "1q7t",
+ "6vo4",
+ "5u96",
+ "3apa",
+ "6xnv",
+ "8gom",
+ "6p6a",
+ "3pp1",
+ "4i6r",
+ "5j2a",
+ "6h77",
+ "6d1s",
+ "1ecs",
+ "7lpa",
+ "5fi3",
+ "5fqk",
+ "8dvh",
+ "3r1v",
+ "3spk",
+ "3ue3",
+ "1r7g",
+ "5maa",
+ "6e4o",
+ "7mnx",
+ "5b00",
+ "5p2q",
+ "4yol",
+ "4ecz",
+ "6m07",
+ "5pji",
+ "4e2k",
+ "3r5r",
+ "1v3j",
+ "2k0p",
+ "5f85",
+ "2okx",
+ "6hjo",
+ "1pfl",
+ "4uao",
+ "7um6",
+ "6byg",
+ "6t3d",
+ "2j8k",
+ "2hn8",
+ "3eem",
+ "2qtg",
+ "7od4",
+ "4xg4",
+ "1fl2",
+ "6mrl",
+ "3frp",
+ "3eu4",
+ "5d9s",
+ "2q3y",
+ "6xmk",
+ "5jlv",
+ "4itc",
+ "1ccn",
+ "4e79",
+ "6hnv",
+ "2gj0",
+ "7spa",
+ "4jhh",
+ "4hnp",
+ "7rod",
+ "2w8f",
+ "3ocv",
+ "7s9n",
+ "2cl5",
+ "2l0l",
+ "5kfg",
+ "6xky",
+ "1s5l",
+ "7kk0",
+ "3qpv",
+ "6k69",
+ "4ls7",
+ "1e2p",
+ "6iwv",
+ "6my4",
+ "5j6h",
+ "4c09",
+ "4p23",
+ "4o2p",
+ "6w88",
+ "3t5q",
+ "3wbh",
+ "1t4q",
+ "7mog",
+ "3x01",
+ "3wi8",
+ "6pd1",
+ "1ugd",
+ "5wmu",
+ "5s3n",
+ "5ith",
+ "3fsy",
+ "1xdb",
+ "3njv",
+ "4qty",
+ "5sow",
+ "6fzo",
+ "2fcb",
+ "1mzm",
+ "4o4r",
+ "5of6",
+ "4hok",
+ "5kv0",
+ "1hj0",
+ "3tlc",
+ "6hnf",
+ "4z9s",
+ "5wgp",
+ "5dor",
+ "3cf1",
+ "4u5p",
+ "4joh",
+ "1eja",
+ "3nl6",
+ "1umq",
+ "6r81",
+ "5ln4",
+ "4cig",
+ "1csy",
+ "7drp",
+ "6v03",
+ "8d4w",
+ "4dc8",
+ "1fcu",
+ "2yla",
+ "4utw",
+ "3uf8",
+ "7o7f",
+ "1k0n",
+ "3gfq",
+ "2dli",
+ "2qg9",
+ "1za6",
+ "6ztc",
+ "1y7g",
+ "4o62",
+ "1ntk",
+ "3v92",
+ "2mbs",
+ "6erz",
+ "7rsj",
+ "6ec6",
+ "4ry4",
+ "6r3v",
+ "2cko",
+ "1u3p",
+ "6hqh",
+ "3kwg",
+ "3c9u",
+ "4xdo",
+ "4i74",
+ "5yba",
+ "1ijf",
+ "4blc",
+ "4od0",
+ "2n8w",
+ "5olg",
+ "4cru",
+ "5mo0",
+ "1gut",
+ "5qky",
+ "4rg3",
+ "6p1w",
+ "6b69",
+ "7w9v",
+ "5w5x",
+ "1i17",
+ "3kml",
+ "1x8j",
+ "7tb9",
+ "3zsf",
+ "1f2h",
+ "2cb9",
+ "3qr0",
+ "3ifb",
+ "6qbu",
+ "5bnw",
+ "7vgo",
+ "1yt7",
+ "2inz",
+ "4n1c",
+ "5qcx",
+ "4ysu",
+ "5ef1",
+ "1ce6",
+ "4cg9",
+ "3mhi",
+ "7ud8",
+ "5p02",
+ "3wsc",
+ "1q4l",
+ "5nkc",
+ "3e6s",
+ "6t8r",
+ "1ap4",
+ "6twv",
+ "1lk7",
+ "3g98",
+ "7n0a",
+ "5vqp",
+ "4cu8",
+ "2vjx",
+ "2lne",
+ "7xya",
+ "4oop",
+ "4tyi",
+ "2yj0",
+ "6zou",
+ "1suu",
+ "5djh",
+ "2cjd",
+ "7chc",
+ "6qtj",
+ "4g1k",
+ "4cse",
+ "4f3b",
+ "4pz2",
+ "3aq5",
+ "1mgy",
+ "1gnm",
+ "5b77",
+ "3ds4",
+ "4ndt",
+ "3kt8",
+ "8a4q",
+ "1rdb",
+ "3hec",
+ "2l14",
+ "1nax",
+ "4ofy",
+ "7sgd",
+ "4kva",
+ "2xcg",
+ "5mki",
+ "6dv0",
+ "3dda",
+ "6yxe",
+ "6lya",
+ "3ht9",
+ "4o1t",
+ "8ewr",
+ "5a9y",
+ "1cdu",
+ "4xm8",
+ "4jbi",
+ "6q4u",
+ "4qnw",
+ "2vh2",
+ "1lft",
+ "2hig",
+ "7nwf",
+ "1qk6",
+ "3hsq",
+ "1q2n",
+ "1yaf",
+ "1bo1",
+ "3ann",
+ "3clh",
+ "1ehy",
+ "6y5t",
+ "3tjb",
+ "1ejl",
+ "1xww",
+ "3cv6",
+ "6grk",
+ "6mxc",
+ "4pul",
+ "5t3j",
+ "4ryd",
+ "4g9k",
+ "7pyz",
+ "1fwi",
+ "5kad",
+ "7yp6",
+ "7mol",
+ "2za2",
+ "3wlv",
+ "2wfv",
+ "3b56",
+ "4gst",
+ "2nc2",
+ "1pjn",
+ "3rmg",
+ "1zk2",
+ "5sqc",
+ "7mrg",
+ "5k2x",
+ "6fe4",
+ "6y9d",
+ "5luc",
+ "5pdf",
+ "3vt2",
+ "7w4p",
+ "7tyo",
+ "1kf9",
+ "4y8t",
+ "3ku0",
+ "3wpu",
+ "5p0f",
+ "1oes",
+ "5ik1",
+ "7mmj",
+ "3myo",
+ "1plr",
+ "7psm",
+ "5rue",
+ "3iir",
+ "5kbj",
+ "3siv",
+ "2jpm",
+ "7a06",
+ "3b3k",
+ "7npl",
+ "6ovy",
+ "1z24",
+ "1lb6",
+ "6ec8",
+ "2mhh",
+ "2m56",
+ "4py0",
+ "3o4d",
+ "7n3v",
+ "2w1o",
+ "4oru",
+ "4y9c",
+ "4fw8",
+ "5qin",
+ "5zci",
+ "1t6w",
+ "4bud",
+ "3hrv",
+ "5g5r",
+ "4pw5",
+ "5fwe",
+ "6x5p",
+ "1ei5",
+ "5gxy",
+ "1vff",
+ "5vy8",
+ "6sz9",
+ "6wjp",
+ "6s57",
+ "3t8a",
+ "5nou",
+ "2yvl",
+ "4pt4",
+ "4wrz",
+ "6jjs",
+ "6oyw",
+ "3zld",
+ "1k4j",
+ "5dn0",
+ "6qpi",
+ "5ef6",
+ "1c6g",
+ "4a82",
+ "6jjt",
+ "3wkj",
+ "8ay3",
+ "5n81",
+ "5iul",
+ "2bak",
+ "3qyq",
+ "1qir",
+ "1yun",
+ "5yof",
+ "6w38",
+ "4ub9",
+ "3o3o",
+ "1swl",
+ "4kmv",
+ "2xer",
+ "5nmw",
+ "8dgv",
+ "5vjj",
+ "5y3q",
+ "2wc4",
+ "2qmq",
+ "6zd6",
+ "4acz",
+ "4z8i",
+ "7z93",
+ "4db6",
+ "5un8",
+ "4lto",
+ "1mua",
+ "6pnn",
+ "1o9v",
+ "1ma4",
+ "7agr",
+ "2rhl",
+ "7ben",
+ "2bmg",
+ "7fn6",
+ "4enn",
+ "2g75",
+ "5mrh",
+ "6iyc",
+ "7md5",
+ "5vmr",
+ "2xso",
+ "6fze",
+ "3v4r",
+ "3cxb",
+ "3eqm",
+ "4omt",
+ "7mgv",
+ "1w8a",
+ "3tts",
+ "7stb",
+ "1rjk",
+ "3asy",
+ "4b2g",
+ "7wpj",
+ "6vl5",
+ "4uwh",
+ "1g71",
+ "4fgp",
+ "2du2",
+ "5xad",
+ "1qt3",
+ "1wtm",
+ "1zmo",
+ "5moh",
+ "1t4o",
+ "5ddf",
+ "5ut1",
+ "5ppu",
+ "5j3y",
+ "1tzj",
+ "2p05",
+ "3zjx",
+ "2h61",
+ "7a3g",
+ "3d8h",
+ "5jjp",
+ "1r76",
+ "5z83",
+ "4tse",
+ "1lla",
+ "5hnv",
+ "3ndk",
+ "2jlz",
+ "7z3q",
+ "1avx",
+ "6bz3",
+ "3k77",
+ "5twc",
+ "2w9e",
+ "6r6y",
+ "6gu3",
+ "2l6y",
+ "4zva",
+ "3nip",
+ "1irk",
+ "4han",
+ "2fi7",
+ "1kxb",
+ "1r9s",
+ "1oc2",
+ "4ag9",
+ "1egj",
+ "3j6e",
+ "2ki9",
+ "4ow5",
+ "6tje",
+ "1qr7",
+ "4jpe",
+ "3c0m",
+ "6co6",
+ "5psh",
+ "6rpv",
+ "7v2c",
+ "3qsb",
+ "2wj5",
+ "5ij8",
+ "3mqy",
+ "2k7z",
+ "1z1z",
+ "4f7z",
+ "6bqc",
+ "6wko",
+ "3tzf",
+ "5nre",
+ "4tu8",
+ "1raj",
+ "6jud",
+ "1h0i",
+ "6bhs",
+ "3lug",
+ "4i4s",
+ "2yeu",
+ "5tkh",
+ "4u0i",
+ "2aa7",
+ "6bf7",
+ "5hhj",
+ "8bqi",
+ "6qsg",
+ "22gs",
+ "4zx6",
+ "2y8f",
+ "2rap",
+ "1g87",
+ "7e57",
+ "4rdj",
+ "3tk1",
+ "1nb1",
+ "4kji",
+ "1uip",
+ "4g2s",
+ "2pz1",
+ "6phu",
+ "6puz",
+ "3v6p",
+ "1yd1",
+ "3nty",
+ "6haw",
+ "6t13",
+ "7d79",
+ "4ne9",
+ "4rd6",
+ "7jzz",
+ "6f6k",
+ "1lap",
+ "1meo",
+ "5k4z",
+ "2ki7",
+ "3znc",
+ "3scj",
+ "1jhc",
+ "3sns",
+ "7k4z",
+ "3m0j",
+ "4m8m",
+ "6ubm",
+ "5p01",
+ "5jkl",
+ "3mcm",
+ "7zjp",
+ "2bx9",
+ "7b3n",
+ "6god",
+ "6tjh",
+ "4c4m",
+ "5j33",
+ "6lrz",
+ "5ffo",
+ "5t04",
+ "3hri",
+ "4j7z",
+ "4xir",
+ "4y9u",
+ "3dzu",
+ "3tjf",
+ "3ka3",
+ "4kzs",
+ "4wfh",
+ "7lar",
+ "7bmk",
+ "2rqm",
+ "2vpa",
+ "4j7w",
+ "3od9",
+ "4mqf",
+ "4fz6",
+ "4e9s",
+ "2x6o",
+ "3q0l",
+ "3ef5",
+ "3l58",
+ "7aik",
+ "3fxd",
+ "1ytn",
+ "3jsi",
+ "1j87",
+ "2oc7",
+ "2quv",
+ "2ano",
+ "2kn5",
+ "4ugl",
+ "4oce",
+ "2jgn",
+ "7xtf",
+ "3hhx",
+ "5ysd",
+ "5xwz",
+ "4oes",
+ "2gy5",
+ "6wol",
+ "5gim",
+ "3wky",
+ "4ap5",
+ "3hsv",
+ "5twh",
+ "4jfx",
+ "1ymg",
+ "6xad",
+ "5p1m",
+ "6etv",
+ "6e2t",
+ "6ibb",
+ "5gpp",
+ "4dl1",
+ "7b5c",
+ "5v6c",
+ "3ker",
+ "5aeh",
+ "2erw",
+ "4yep",
+ "6sos",
+ "7axk",
+ "4axq",
+ "5vhn",
+ "3qs9",
+ "1pzh",
+ "2mim",
+ "1qk4",
+ "5aey",
+ "7wb9",
+ "1qiu",
+ "5vcz",
+ "4hxs",
+ "3wyk",
+ "4bes",
+ "1vh2",
+ "2wop",
+ "3x0l",
+ "4n93",
+ "6ev5",
+ "4k97",
+ "1htg",
+ "5yca",
+ "4cm7",
+ "3aun",
+ "2xfm",
+ "6kgl",
+ "4isn",
+ "6bh4",
+ "3sj6",
+ "1h4w",
+ "6j2r",
+ "2ldb",
+ "6txb",
+ "5osr",
+ "5nbb",
+ "7rxj",
+ "3euf",
+ "1fqt",
+ "5f51",
+ "4mrw",
+ "4g9o",
+ "1bsf",
+ "4egi",
+ "6y4x",
+ "2w6v",
+ "2ae4",
+ "1n9u",
+ "7qsj",
+ "7bb6",
+ "4avi",
+ "7oj4",
+ "5vuq",
+ "1qma",
+ "3a27",
+ "3vxr",
+ "5p5e",
+ "2gyt",
+ "7rvo",
+ "6t5i",
+ "3d2p",
+ "3d9j",
+ "4dq7",
+ "2xuw",
+ "1bh0",
+ "3wum",
+ "5ttd",
+ "3zr1",
+ "2ax6",
+ "1w8f",
+ "2pad",
+ "4qtz",
+ "6imb",
+ "1ft9",
+ "1lg1",
+ "2spn",
+ "6upk",
+ "2d01",
+ "5zv5",
+ "6n5j",
+ "1ozy",
+ "4ael",
+ "3ld5",
+ "1hjj",
+ "1o8i",
+ "6n25",
+ "5w45",
+ "5t8o",
+ "1faw",
+ "5e7g",
+ "5nhb",
+ "3pc6",
+ "5vfw",
+ "4c5m",
+ "6bbp",
+ "7eyu",
+ "5anj",
+ "7a4c",
+ "1rjq",
+ "5fox",
+ "4e13",
+ "1m10",
+ "1c2j",
+ "3ul3",
+ "1ook",
+ "7mvs",
+ "3sid",
+ "1wsw",
+ "5ldl",
+ "2fcp",
+ "3wpw",
+ "1tca",
+ "4uux",
+ "5ax2",
+ "3ahj",
+ "4cud",
+ "4ygj",
+ "4cx4",
+ "2qtb",
+ "2wlq",
+ "7jqz",
+ "2mbg",
+ "5epl",
+ "3s11",
+ "2os8",
+ "4f1r",
+ "3r41",
+ "6f9g",
+ "3hai",
+ "5jii",
+ "6hd4",
+ "2q3t",
+ "4msw",
+ "7emm",
+ "6kcz",
+ "1yr2",
+ "6frh",
+ "6ryd",
+ "7rfx",
+ "3pae",
+ "6nss",
+ "2ruh",
+ "4ygi",
+ "6xqm",
+ "6rb2",
+ "1hc9",
+ "7l0a",
+ "1lxy",
+ "6xyp",
+ "3rqu",
+ "1lpa",
+ "7fio",
+ "5ig7",
+ "5kav",
+ "8d35",
+ "3umd",
+ "1tsw",
+ "5y42",
+ "4foz",
+ "4aui",
+ "1jxs",
+ "6o7m",
+ "1qug",
+ "1ma6",
+ "8fcd",
+ "2q3e",
+ "6wqd",
+ "2dvd",
+ "5brn",
+ "2ifj",
+ "1n04",
+ "6apu",
+ "1odo",
+ "6xnt",
+ "5s57",
+ "5m0m",
+ "4cd5",
+ "5xjg",
+ "1n9c",
+ "5okh",
+ "5p2p",
+ "6yqg",
+ "7r0h",
+ "3ezr",
+ "7o14",
+ "7bhu",
+ "6mq4",
+ "4dnw",
+ "1guw",
+ "4u1l",
+ "5m26",
+ "1uj5",
+ "7a54",
+ "3l4m",
+ "1gui",
+ "1lq8",
+ "7ses",
+ "2x7j",
+ "3uct",
+ "2rsy",
+ "2l3j",
+ "2a15",
+ "2qyu",
+ "6y32",
+ "7otx",
+ "4udu",
+ "6aix",
+ "2k4t",
+ "8dw0",
+ "3hdi",
+ "5xmf",
+ "5ot5",
+ "4xu4",
+ "4xpx",
+ "1sn0",
+ "2vhl",
+ "3dod",
+ "4em7",
+ "5cp5",
+ "6q9j",
+ "2kop",
+ "3znz",
+ "5lsk",
+ "4f5u",
+ "6dja",
+ "6yko",
+ "7jua",
+ "1hna",
+ "3tw5",
+ "7sni",
+ "4nfc",
+ "5n75",
+ "1akw",
+ "4kxp",
+ "2h6c",
+ "1xug",
+ "3nsh",
+ "3c4m",
+ "6on2",
+ "5eg4",
+ "7dcd",
+ "1c03",
+ "4n7f",
+ "5uiv",
+ "4f1j",
+ "5v9g",
+ "2ynh",
+ "1hfx",
+ "4ab1",
+ "6rx3",
+ "7chk",
+ "3wc8",
+ "3jwu",
+ "3wav",
+ "1a3c",
+ "5hpy",
+ "2ab9",
+ "1vh5",
+ "6teh",
+ "7crb",
+ "7ofc",
+ "4dos",
+ "3shv",
+ "5i2f",
+ "7r8s",
+ "6xrk",
+ "2jxj",
+ "6vfn",
+ "3t5b",
+ "7a56",
+ "6e48",
+ "3g5x",
+ "3bl1",
+ "7c6b",
+ "2kmx",
+ "3izl",
+ "7my0",
+ "1y6z",
+ "7ykt",
+ "5h0w",
+ "1lce",
+ "5n9k",
+ "4mr8",
+ "1pco",
+ "2rrm",
+ "1tnq",
+ "7s96",
+ "7vte",
+ "3ex6",
+ "7k2o",
+ "4ni1",
+ "6xx2",
+ "7w18",
+ "3cuy",
+ "2yyi",
+ "7ba1",
+ "4zz0",
+ "7a62",
+ "1o94",
+ "4kos",
+ "1n3j",
+ "6ecq",
+ "4c2b",
+ "5tfk",
+ "4m5o",
+ "6fnc",
+ "6xql",
+ "5j0j",
+ "2pcx",
+ "1nsy",
+ "5rgh",
+ "7d3w",
+ "2iyt",
+ "1ha6",
+ "4nwx",
+ "2y0p",
+ "6ge6",
+ "2xkd",
+ "5fer",
+ "3szf",
+ "3ku4",
+ "4doz",
+ "7b9i",
+ "5uaq",
+ "2v9i",
+ "5btr",
+ "4ees",
+ "5bnc",
+ "5fgr",
+ "6vpy",
+ "2ijh",
+ "2n6v",
+ "2kiq",
+ "3wya",
+ "7sas",
+ "3eab",
+ "2v37",
+ "2xzs",
+ "6lci",
+ "5y33",
+ "2w0s",
+ "7wnq",
+ "7vfi",
+ "2hw4",
+ "5pva",
+ "7w1s",
+ "7kao",
+ "1ugy",
+ "3vkl",
+ "2cex",
+ "3wex",
+ "4bll",
+ "6uez",
+ "5kbi",
+ "6osl",
+ "3f2o",
+ "2we6",
+ "3x05",
+ "4dn0",
+ "4grg",
+ "2g1t",
+ "7o0y",
+ "4aba",
+ "1vea",
+ "1u67",
+ "5xqk",
+ "3f52",
+ "3iiw",
+ "2nm3",
+ "1chd",
+ "6xns",
+ "7flw",
+ "3dhz",
+ "4xpm",
+ "1k12",
+ "5a7a",
+ "3a9h",
+ "4d48",
+ "2nyz",
+ "4zze",
+ "5cfa",
+ "1ngf",
+ "5l7b",
+ "2le7",
+ "2z1f",
+ "6mmb",
+ "3u52",
+ "2vfh",
+ "7fc5",
+ "5dt5",
+ "6pjk",
+ "1sdf",
+ "5ys0",
+ "4hs5",
+ "1h9n",
+ "2dt6",
+ "3pcz",
+ "4jmq",
+ "1mna",
+ "1nmz",
+ "5nan",
+ "6ro1",
+ "7wv9",
+ "5pjz",
+ "4jso",
+ "7via",
+ "3upy",
+ "1km4",
+ "1kqn",
+ "6j4u",
+ "3mf6",
+ "1fox",
+ "1sph",
+ "6rek",
+ "5kwf",
+ "6xos",
+ "6i5v",
+ "4r81",
+ "1imd",
+ "3qap",
+ "8a9m",
+ "1d4z",
+ "4i7d",
+ "1rwz",
+ "8a2d",
+ "1tdg",
+ "2l26",
+ "5rcn",
+ "4ili",
+ "2iw5",
+ "3vbw",
+ "1dp3",
+ "4pf9",
+ "4co0",
+ "7xo3",
+ "7sk5",
+ "5iyt",
+ "3sie",
+ "4f19",
+ "7u7z",
+ "6r5v",
+ "1rzm",
+ "1dn0",
+ "3rrj",
+ "4xg8",
+ "7cqe",
+ "6zzn",
+ "6hta",
+ "6vs9",
+ "4hzl",
+ "7l7c",
+ "6oab",
+ "2q1u",
+ "6wht",
+ "2ghu",
+ "4o6a",
+ "7cmc",
+ "1csp",
+ "1m8p",
+ "3sk1",
+ "6hio",
+ "3lqs",
+ "6ln0",
+ "4dsg",
+ "4r2d",
+ "6gwr",
+ "5kil",
+ "3wpz",
+ "1ejj",
+ "1zi1",
+ "2i4j",
+ "3wxb",
+ "3e83",
+ "2y4k",
+ "6gl3",
+ "1ye6",
+ "1dir",
+ "6el6",
+ "3x17",
+ "3t1w",
+ "4ip6",
+ "2jh3",
+ "6t9o",
+ "7z5y",
+ "3ruq",
+ "1xub",
+ "1t3b",
+ "3ky9",
+ "4tts",
+ "5ege",
+ "3a64",
+ "6hmw",
+ "3hpw",
+ "2oc9",
+ "7nx4",
+ "2ziv",
+ "3w0h",
+ "1gaz",
+ "6vwh",
+ "6r2d",
+ "1y9t",
+ "7qge",
+ "2a2b",
+ "3lo8",
+ "5f1f",
+ "6w0q",
+ "1f0w",
+ "2wap",
+ "5xzf",
+ "5wsc",
+ "4dar",
+ "7r8w",
+ "1kl3",
+ "6vfp",
+ "6vcq",
+ "6m5a",
+ "3zoe",
+ "3ueu",
+ "4uso",
+ "6mvd",
+ "6vwz",
+ "3qbt",
+ "4yg6",
+ "4fsl",
+ "2yvf",
+ "1vqb",
+ "2klu",
+ "1vpe",
+ "1orc",
+ "6ka5",
+ "8d6f",
+ "4ibe",
+ "3u33",
+ "4qil",
+ "3krn",
+ "7dth",
+ "2jkd",
+ "1lma",
+ "1s6d",
+ "7woo",
+ "7ufm",
+ "5a19",
+ "1rto",
+ "4bjh",
+ "6qfm",
+ "1bgd",
+ "3v2i",
+ "3k58",
+ "7w16",
+ "8fav",
+ "4dno",
+ "4an1",
+ "2f8g",
+ "1nor",
+ "7f4w",
+ "4a87",
+ "3imo",
+ "7u13",
+ "2mii",
+ "7a3l",
+ "5ya5",
+ "5o1x",
+ "2bhx",
+ "7p7e",
+ "4dqm",
+ "3gkm",
+ "2m5c",
+ "4on9",
+ "1iqr",
+ "1ymh",
+ "6on7",
+ "2ksz",
+ "5d8y",
+ "2pro",
+ "3aza",
+ "2zen",
+ "6bxz",
+ "2afm",
+ "7sac",
+ "3lco",
+ "2vfv",
+ "4omh",
+ "4yn9",
+ "4h0y",
+ "3ofu",
+ "7tvz",
+ "6s4q",
+ "6zh1",
+ "4ogn",
+ "1czj",
+ "6d6c",
+ "7bdm",
+ "5rt5",
+ "5ovn",
+ "6woi",
+ "5j4x",
+ "8dn8",
+ "1ici",
+ "7ev8",
+ "6c9r",
+ "8d8r",
+ "1tdq",
+ "4oem",
+ "3rj6",
+ "3eyc",
+ "7md4",
+ "6kwq",
+ "2z01",
+ "7cnz",
+ "1y0w",
+ "4zxq",
+ "3fzt",
+ "6s9r",
+ "7xw5",
+ "6mv6",
+ "5oyv",
+ "2xrc",
+ "2hdm",
+ "4kwl",
+ "2wvc",
+ "2gra",
+ "5unx",
+ "3rt0",
+ "6dug",
+ "2o1h",
+ "5xs8",
+ "3lwg",
+ "7kaq",
+ "1rzl",
+ "5kg8",
+ "6ea5",
+ "1jlk",
+ "4jl0",
+ "1p93",
+ "7ejq",
+ "5jxv",
+ "5qew",
+ "5pe1",
+ "7k44",
+ "5w67",
+ "1msb",
+ "3abv",
+ "2dwv",
+ "6w84",
+ "4jdz",
+ "3qur",
+ "6i4f",
+ "5ak9",
+ "1giw",
+ "3v3f",
+ "4up4",
+ "4aj9",
+ "3m4h",
+ "5nuq",
+ "8edh",
+ "5ajj",
+ "7yzk",
+ "1bre",
+ "2cnr",
+ "3p7n",
+ "3opd",
+ "3ay9",
+ "7ot7",
+ "7dsd",
+ "1t0i",
+ "5ekq",
+ "4jip",
+ "6hvx",
+ "4x97",
+ "5lzp",
+ "5po0",
+ "4xgu",
+ "8hye",
+ "6g27",
+ "6dwf",
+ "4zyw",
+ "3wnn",
+ "7s2b",
+ "2b5e",
+ "2kje",
+ "5y0l",
+ "1bkg",
+ "1cre",
+ "6dy7",
+ "4xdi",
+ "1jd6",
+ "1tqm",
+ "1gkz",
+ "7ej8",
+ "1iww",
+ "4dz6",
+ "6a0b",
+ "157l",
+ "2qpd",
+ "7kct",
+ "1xra",
+ "8afc",
+ "1ryt",
+ "2h7z",
+ "2lqn",
+ "1s85",
+ "1zjc",
+ "3cal",
+ "1r17",
+ "4ozn",
+ "7l1v",
+ "2exa",
+ "6k21",
+ "6oca",
+ "1wbb",
+ "1ng2",
+ "7w5h",
+ "1u8e",
+ "2aen",
+ "3wl0",
+ "5c4d",
+ "3h8b",
+ "4rf0",
+ "4jr1",
+ "7fki",
+ "6b2o",
+ "7s1t",
+ "7m2x",
+ "3lb6",
+ "1c0n",
+ "2lr1",
+ "2flm",
+ "4lpv",
+ "2ro0",
+ "5z70",
+ "4ii8",
+ "7fdi",
+ "7nx5",
+ "4g9r",
+ "7ke3",
+ "3hy4",
+ "1v9p",
+ "2f8b",
+ "7mis",
+ "1b6h",
+ "5om2",
+ "3tue",
+ "6njq",
+ "5u40",
+ "5t9j",
+ "5tlc",
+ "2lb1",
+ "7xbf",
+ "5lob",
+ "7lpq",
+ "1s0l",
+ "6aue",
+ "6k95",
+ "3qch",
+ "1ya7",
+ "208l",
+ "6b7l",
+ "4ge6",
+ "6ko7",
+ "7qk6",
+ "4pph",
+ "2wme",
+ "6po7",
+ "3bn3",
+ "7zr4",
+ "5kkl",
+ "2oi0",
+ "3u8x",
+ "6u6a",
+ "1j3f",
+ "1pe1",
+ "4mui",
+ "6o7y",
+ "1u87",
+ "2xqg",
+ "1mek",
+ "6qrm",
+ "1i01",
+ "7o7b",
+ "1vhj",
+ "7yxp",
+ "2dkb",
+ "6o4l",
+ "7u81",
+ "8abh",
+ "1qks",
+ "1q4w",
+ "5m9m",
+ "5ovs",
+ "4zhr",
+ "3f3x",
+ "5zrp",
+ "4dti",
+ "4tl7",
+ "6ya6",
+ "5lah",
+ "1c6f",
+ "6xcc",
+ "4zvd",
+ "2qtr",
+ "4lea",
+ "3la3",
+ "4mhd",
+ "7z46",
+ "4h58",
+ "2woj",
+ "7pwk",
+ "5th6",
+ "2jiw",
+ "6cl8",
+ "4ib8",
+ "7tab",
+ "5ra5",
+ "8fa0",
+ "2rl8",
+ "6ojz",
+ "7roj",
+ "1lp8",
+ "7bj5",
+ "1us6",
+ "1mql",
+ "1klc",
+ "1vnc",
+ "6lav",
+ "2wag",
+ "6v00",
+ "5wx6",
+ "6b5l",
+ "2ezr",
+ "4ilm",
+ "5tq2",
+ "2vuf",
+ "3w8o",
+ "4u0y",
+ "3eyx",
+ "4kmi",
+ "6nt1",
+ "4pk2",
+ "7t5p",
+ "4tli",
+ "4zcu",
+ "1gby",
+ "1irr",
+ "5eje",
+ "1avn",
+ "3swh",
+ "1p28",
+ "5y8v",
+ "2moe",
+ "1tsx",
+ "1qsb",
+ "2q5p",
+ "6d3i",
+ "4n86",
+ "4tk3",
+ "4otm",
+ "6m6b",
+ "3drp",
+ "3rr7",
+ "1l1k",
+ "1btn",
+ "2kjw",
+ "2o4s",
+ "3wxg",
+ "6jpn",
+ "7ql2",
+ "4bsg",
+ "6mrc",
+ "4g5f",
+ "1krm",
+ "2ffc",
+ "3ris",
+ "8a2j",
+ "3bm6",
+ "6qux",
+ "2cnt",
+ "3ika",
+ "6mru",
+ "1iz7",
+ "1vei",
+ "2l91",
+ "1jlx",
+ "7kkh",
+ "3ufj",
+ "3b18",
+ "3khg",
+ "2n7i",
+ "7mgl",
+ "4pdg",
+ "1ljt",
+ "5m1g",
+ "6gw8",
+ "7my4",
+ "2uvm",
+ "6uhu",
+ "6b0d",
+ "2vmy",
+ "4qsg",
+ "2hqm",
+ "3c9z",
+ "6nkr",
+ "4nip",
+ "4mmz",
+ "3o1x",
+ "7fmb",
+ "6gm7",
+ "1m9e",
+ "4jug",
+ "3qo8",
+ "3dpo",
+ "4md7",
+ "6b0z",
+ "6ya7",
+ "4gw1",
+ "5gu6",
+ "3fnh",
+ "1jfr",
+ "2qsq",
+ "4u66",
+ "4ddj",
+ "5yyf",
+ "4bxi",
+ "5fvb",
+ "6jxd",
+ "7o1u",
+ "3nbw",
+ "3fat",
+ "4maf",
+ "6i18",
+ "5pkf",
+ "5die",
+ "4gfd",
+ "4n23",
+ "2wqz",
+ "6l3u",
+ "5ehj",
+ "3lnz",
+ "5yfz",
+ "2oev",
+ "4xiw",
+ "5zki",
+ "7smc",
+ "7ldx",
+ "3zlf",
+ "6y98",
+ "2mhm",
+ "2l2n",
+ "3rq9",
+ "1hcg",
+ "3wlo",
+ "5n02",
+ "2k7a",
+ "2qwd",
+ "2adi",
+ "4ask",
+ "4dni",
+ "5o8d",
+ "4uvu",
+ "4u4s",
+ "2c8y",
+ "1sq0",
+ "7std",
+ "1jvo",
+ "3kly",
+ "1bd4",
+ "5vo5",
+ "1e4h",
+ "7fo1",
+ "7pph",
+ "7kc9",
+ "3r96",
+ "6nvu",
+ "5iz7",
+ "1ha2",
+ "6km2",
+ "3zbn",
+ "6bga",
+ "2ksf",
+ "3u2m",
+ "4rh3",
+ "2zwj",
+ "4cgy",
+ "1vg4",
+ "4epq",
+ "2quq",
+ "2bjc",
+ "1jr8",
+ "7s42",
+ "1b5l",
+ "5ayc",
+ "5m90",
+ "8ibu",
+ "4ego",
+ "1guy",
+ "6rnd",
+ "2xu2",
+ "5n0w",
+ "4u8u",
+ "1qbn",
+ "3t5k",
+ "3s1y",
+ "5klr",
+ "6vba",
+ "4pmz",
+ "4r00",
+ "2dqz",
+ "7bs3",
+ "6rk0",
+ "6kdf",
+ "3epa",
+ "1n97",
+ "2lvq",
+ "4qwd",
+ "5kao",
+ "6yrc",
+ "6cic",
+ "4qac",
+ "6t6c",
+ "3ufu",
+ "1y2k",
+ "5hz5",
+ "6jk6",
+ "6srr",
+ "6cik",
+ "1j40",
+ "8h0m",
+ "5vih",
+ "4gah",
+ "4hbu",
+ "1gfe",
+ "6q13",
+ "2v6e",
+ "6rp0",
+ "7obj",
+ "3noq",
+ "3i9j",
+ "6mv7",
+ "1cv1",
+ "5hrx",
+ "2qub",
+ "5htr",
+ "3q7j",
+ "6aow",
+ "7ec9",
+ "5okz",
+ "4nql",
+ "1g1a",
+ "4cmc",
+ "5rsn",
+ "1jcz",
+ "1yd0",
+ "7sxo",
+ "2har",
+ "6zam",
+ "6nue",
+ "3egx",
+ "3a4c",
+ "7fln",
+ "3u25",
+ "3tbe",
+ "4ydh",
+ "3mda",
+ "5h2h",
+ "7tif",
+ "6v8t",
+ "5cq9",
+ "1sgz",
+ "1xim",
+ "4ubn",
+ "5qfg",
+ "1dm4",
+ "5lnl",
+ "5l4z",
+ "1you",
+ "2wyk",
+ "3c7a",
+ "4rbu",
+ "2e8i",
+ "7pbr",
+ "1hbr",
+ "2ar9",
+ "1ki8",
+ "6zbw",
+ "4eoy",
+ "5m2i",
+ "5p8q",
+ "1gej",
+ "4iq7",
+ "2wsp",
+ "6ga0",
+ "3uu9",
+ "6i09",
+ "7vqu",
+ "3vqc",
+ "1ftp",
+ "1scr",
+ "1fws",
+ "3wt5",
+ "2os7",
+ "6i0u",
+ "6bj8",
+ "4f9u",
+ "7c8z",
+ "4b4r",
+ "1frj",
+ "6yh5",
+ "5ypp",
+ "6hux",
+ "3icn",
+ "2qvm",
+ "5qkh",
+ "2cua",
+ "3h5a",
+ "3amr",
+ "7f4a",
+ "5dhq",
+ "5cxu",
+ "4dyd",
+ "6u52",
+ "3mm7",
+ "3mnx",
+ "5lc7",
+ "1e6n",
+ "3zsk",
+ "6v6k",
+ "5puq",
+ "1jcl",
+ "3n10",
+ "2htl",
+ "4q7x",
+ "5q0y",
+ "5zvc",
+ "6a24",
+ "5ii2",
+ "7duw",
+ "8e5m",
+ "1a5e",
+ "6h4c",
+ "4tkh",
+ "6a43",
+ "3kuy",
+ "2jok",
+ "4czb",
+ "3ng2",
+ "3vqa",
+ "6o19",
+ "1j9m",
+ "5m8z",
+ "3phv",
+ "4sdh",
+ "2v7n",
+ "4k6g",
+ "5ttw",
+ "1sli",
+ "4pma",
+ "1wat",
+ "4tyd",
+ "1tif",
+ "1jt5",
+ "4oed",
+ "6ncu",
+ "421p",
+ "6wb0",
+ "7z5m",
+ "4q8i",
+ "7qo8",
+ "5h08",
+ "3ebj",
+ "1jhy",
+ "2bbp",
+ "7lh2",
+ "4gmf",
+ "4rvr",
+ "6ime",
+ "2eut",
+ "1vcc",
+ "1uei",
+ "1ns8",
+ "1td9",
+ "2a4f",
+ "6szv",
+ "5d3u",
+ "1q6q",
+ "7zga",
+ "5rhn",
+ "1xu2",
+ "6vyi",
+ "1ru7",
+ "5ini",
+ "1ugw",
+ "5y31",
+ "4ohf",
+ "1xkf",
+ "5nzq",
+ "5n96",
+ "5v6v",
+ "4r2w",
+ "3qls",
+ "4isa",
+ "6y7y",
+ "6io0",
+ "2gin",
+ "6z4a",
+ "7ou4",
+ "3zkn",
+ "5h1d",
+ "4wrv",
+ "3nm9",
+ "3tk4",
+ "1df8",
+ "2b7b",
+ "6x6d",
+ "6ugb",
+ "3s3g",
+ "4b12",
+ "2euh",
+ "6d8p",
+ "3pzv",
+ "176l",
+ "5ytg",
+ "4znl",
+ "6xez",
+ "5lc3",
+ "4av7",
+ "1lx5",
+ "4d3t",
+ "241l",
+ "3a5v",
+ "5a6u",
+ "1dmy",
+ "4fcn",
+ "3qvn",
+ "5dzl",
+ "1jwn",
+ "4toc",
+ "1ie6",
+ "6bhf",
+ "4bs0",
+ "2p9q",
+ "3avc",
+ "4msi",
+ "7b5j",
+ "7uqr",
+ "2rue",
+ "2oyi",
+ "6z1z",
+ "6b2d",
+ "5ogx",
+ "7bdh",
+ "6c5r",
+ "6nvo",
+ "4lps",
+ "3gni",
+ "6beb",
+ "6rjm",
+ "1ps6",
+ "6hci",
+ "6bcn",
+ "6vsw",
+ "2kqn",
+ "5f79",
+ "8g69",
+ "2xfa",
+ "4n90",
+ "5lrq",
+ "5mff",
+ "4ami",
+ "3ucj",
+ "2v0m",
+ "2zcu",
+ "4zx3",
+ "6wp6",
+ "211l",
+ "4dxy",
+ "1ln6",
+ "2g25",
+ "3nij",
+ "6cw3",
+ "4owa",
+ "5kgt",
+ "7kjb",
+ "7vpp",
+ "5dl0",
+ "7yp4",
+ "1a6g",
+ "5dfd",
+ "2ohl",
+ "5bpd",
+ "5eyr",
+ "1utp",
+ "6ok1",
+ "3l4r",
+ "1h22",
+ "5mn7",
+ "5wo7",
+ "5a65",
+ "7udc",
+ "5lku",
+ "1soj",
+ "6zoq",
+ "2kn0",
+ "7bio",
+ "6rpe",
+ "6ep0",
+ "6de0",
+ "5nbn",
+ "5v6x",
+ "4kz0",
+ "7smf",
+ "2vdm",
+ "3h3t",
+ "4n5d",
+ "5q0t",
+ "3dge",
+ "3g80",
+ "6jz8",
+ "6xu3",
+ "6rj3",
+ "5vgl",
+ "5dry",
+ "5etu",
+ "6a4e",
+ "5anq",
+ "5f74",
+ "1kzz",
+ "6al7",
+ "1thy",
+ "4f0c",
+ "5eh9",
+ "1ss3",
+ "1p5y",
+ "1k33",
+ "4z3x",
+ "5xey",
+ "7cxs",
+ "5a35",
+ "4csz",
+ "3uau",
+ "7l9y",
+ "1t9m",
+ "4r56",
+ "1con",
+ "2v9q",
+ "1nn4",
+ "1mfg",
+ "1gmq",
+ "7kav",
+ "6hyz",
+ "3gb4",
+ "2iaw",
+ "1eq6",
+ "3b45",
+ "5r3q",
+ "1dky",
+ "5iww",
+ "5p78",
+ "6r0v",
+ "2c7w",
+ "3utz",
+ "4jm2",
+ "4ln0",
+ "3rtj",
+ "6cq8",
+ "7txe",
+ "1kj6",
+ "7ymq",
+ "3s3l",
+ "3bpo",
+ "4nh6",
+ "7emn",
+ "2v61",
+ "4zkl",
+ "3wtn",
+ "1njf",
+ "7cyg",
+ "7aq5",
+ "6fag",
+ "6a8n",
+ "6p1x",
+ "2mez",
+ "6wpp",
+ "6vmd",
+ "2zgk",
+ "7ctn",
+ "6gba",
+ "6ycw",
+ "7bv7",
+ "1mp3",
+ "5kdh",
+ "3uie",
+ "6rj1",
+ "1dxo",
+ "6mjr",
+ "6xc7",
+ "5s2d",
+ "4z7l",
+ "4dfn",
+ "3mjo",
+ "5jdw",
+ "7nu8",
+ "5kut",
+ "3qmk",
+ "3ry1",
+ "4wvm",
+ "5bqu",
+ "5ugz",
+ "3oo7",
+ "4oun",
+ "5n5q",
+ "2ffu",
+ "2z7a",
+ "1dq3",
+ "3ulq",
+ "7kd8",
+ "6b16",
+ "6lgi",
+ "2bw4",
+ "7mhk",
+ "4e7k",
+ "3onz",
+ "2as1",
+ "8agl",
+ "1msj",
+ "5fl5",
+ "2ntv",
+ "4lb1",
+ "7uaz",
+ "6dos",
+ "2v0w",
+ "4u6r",
+ "1tpf",
+ "7mze",
+ "4xqo",
+ "2f99",
+ "7vbn",
+ "5tp9",
+ "5b6z",
+ "2kdo",
+ "6no2",
+ "5m2o",
+ "5alh",
+ "2wux",
+ "4p08",
+ "5oxe",
+ "4rd4",
+ "1ch5",
+ "7w7a",
+ "2nwx",
+ "4g0m",
+ "2epo",
+ "2ih8",
+ "6nn8",
+ "6c2q",
+ "3sk2",
+ "1j2b",
+ "5zji",
+ "3d4c",
+ "4fob",
+ "6cnz",
+ "3trd",
+ "3nzd",
+ "4c4h",
+ "6pu9",
+ "6i86",
+ "5e94",
+ "5l7f",
+ "6uj6",
+ "2bwe",
+ "1ehk",
+ "4n30",
+ "5u3k",
+ "2iho",
+ "1mdb",
+ "4yse",
+ "1ic1",
+ "6ykv",
+ "7o56",
+ "1zwe",
+ "7rue",
+ "3eek",
+ "2wse",
+ "5j86",
+ "4gsn",
+ "3lad",
+ "7rzr",
+ "4fpk",
+ "3ngt",
+ "2fy5",
+ "4ewa",
+ "4ufu",
+ "3elo",
+ "5lsj",
+ "7xrs",
+ "6gkf",
+ "1pmv",
+ "3taq",
+ "3c7u",
+ "1spy",
+ "2j1t",
+ "4b47",
+ "2ivj",
+ "4kxw",
+ "1r4n",
+ "2ac3",
+ "5c7a",
+ "7o3v",
+ "5c9y",
+ "7r3r",
+ "2zj3",
+ "4b4h",
+ "5svk",
+ "2vg7",
+ "4oli",
+ "1k8i",
+ "3eou",
+ "2chs",
+ "4az5",
+ "7bif",
+ "1ozb",
+ "1hmr",
+ "7rvw",
+ "3h52",
+ "4xca",
+ "2mnw",
+ "4fhl",
+ "1qh1",
+ "5ygs",
+ "2wnc",
+ "7q6o",
+ "2kvp",
+ "4dzj",
+ "7fs0",
+ "5y5n",
+ "5yzf",
+ "2p4e",
+ "5f0f",
+ "2zzn",
+ "1zsg",
+ "5f20",
+ "2yy7",
+ "1bk0",
+ "5jnt",
+ "6gu6",
+ "6o67",
+ "4bur",
+ "5qyr",
+ "6mze",
+ "3uuz",
+ "3jwy",
+ "6zdr",
+ "2qxw",
+ "4x5q",
+ "3ejf",
+ "3cft",
+ "6cy3",
+ "5avl",
+ "5piz",
+ "7cka",
+ "5kdi",
+ "2yki",
+ "6eze",
+ "7bcu",
+ "1bms",
+ "5nam",
+ "4iuf",
+ "6pdy",
+ "7wy5",
+ "7b8m",
+ "5whp",
+ "1m03",
+ "1vyd",
+ "4n6r",
+ "5rt7",
+ "4hvs",
+ "6rj2",
+ "4gw8",
+ "2dfk",
+ "5v3z",
+ "3cdc",
+ "3bh7",
+ "1w81",
+ "5uam",
+ "5djn",
+ "7rw1",
+ "4fyw",
+ "5ohm",
+ "7n4r",
+ "4wxi",
+ "1ro3",
+ "2wuu",
+ "1b4z",
+ "1cx7",
+ "5qbv",
+ "6nnh",
+ "7ok7",
+ "3ibg",
+ "4a2b",
+ "6u77",
+ "7t7k",
+ "1ex1",
+ "3pig",
+ "3lvp",
+ "8czk",
+ "7kmj",
+ "6uq1",
+ "4g61",
+ "6gyt",
+ "2on7",
+ "5mpg",
+ "5pqt",
+ "2xwy",
+ "1nxc",
+ "1mwy",
+ "2m8t",
+ "1ev7",
+ "1l9r",
+ "4quh",
+ "2ol1",
+ "5g10",
+ "7f1w",
+ "3l7i",
+ "5aog",
+ "1zeo",
+ "5hdw",
+ "1lsw",
+ "3ug8",
+ "2wz8",
+ "1gkg",
+ "2h7j",
+ "7qb4",
+ "6g4j",
+ "8egq",
+ "7kam",
+ "7ejx",
+ "4cq0",
+ "4i42",
+ "4htj",
+ "6azy",
+ "6dmm",
+ "3q6n",
+ "4up8",
+ "5hcb",
+ "6eos",
+ "6i4d",
+ "1dub",
+ "7cz5",
+ "6uzy",
+ "1ai5",
+ "5iep",
+ "4nog",
+ "1nvs",
+ "8bra",
+ "1zyc",
+ "6nya",
+ "6g3w",
+ "7d69",
+ "3ial",
+ "6d8f",
+ "2e85",
+ "1rpf",
+ "5z3i",
+ "5ksv",
+ "2eu9",
+ "2cli",
+ "1met",
+ "7jlg",
+ "2lqg",
+ "6bx9",
+ "2xzf",
+ "3lnm",
+ "5yka",
+ "5pyf",
+ "1z25",
+ "1ukz",
+ "6u2g",
+ "4ucn",
+ "6ej2",
+ "6g8p",
+ "5clv",
+ "2lkm",
+ "4g26",
+ "3hv9",
+ "3esl",
+ "5h2k",
+ "5ov3",
+ "1q7c",
+ "2g83",
+ "4uad",
+ "6olj",
+ "1oof",
+ "2pdk",
+ "3dn3",
+ "8d7r",
+ "3hf5",
+ "3flf",
+ "1d2p",
+ "7ss6",
+ "2nwn",
+ "6jgq",
+ "3j35",
+ "6oav",
+ "1ngh",
+ "1t8f",
+ "2pos",
+ "7me1",
+ "1i2p",
+ "1owe",
+ "1d6o",
+ "6j9m",
+ "2jve",
+ "6baq",
+ "5tto",
+ "5nm2",
+ "5pf2",
+ "3c12",
+ "2ja9",
+ "5klo",
+ "6p8s",
+ "6b0k",
+ "4gmo",
+ "4c5o",
+ "7fmo",
+ "6kx4",
+ "5a3g",
+ "5krk",
+ "5nyh",
+ "4x9j",
+ "8adw",
+ "2lkt",
+ "7s5z",
+ "4jqy",
+ "3s9g",
+ "6q4r",
+ "4mrb",
+ "5ptf",
+ "5cd8",
+ "4ytp",
+ "7vew",
+ "8c8p",
+ "1thq",
+ "3g5r",
+ "4im2",
+ "6pya",
+ "6bhd",
+ "7bv6",
+ "7b36",
+ "7pze",
+ "6f55",
+ "7ttl",
+ "5nki",
+ "7sad",
+ "1ei1",
+ "1wm1",
+ "6jqr",
+ "5czv",
+ "3i6u",
+ "6fpj",
+ "3i7s",
+ "1o7d",
+ "3ftl",
+ "7v5l",
+ "4hsi",
+ "4hzt",
+ "6qx6",
+ "3cdr",
+ "3rsg",
+ "2h60",
+ "1bft",
+ "1hwy",
+ "7ld3",
+ "1ddo",
+ "1s4x",
+ "6bds",
+ "7jmm",
+ "6o6t",
+ "2vy5",
+ "7qb6",
+ "4yqx",
+ "1ese",
+ "1cq8",
+ "1jtg",
+ "3qmg",
+ "1j7g",
+ "4al2",
+ "1siu",
+ "3aix",
+ "5sb8",
+ "4klv",
+ "4zm6",
+ "3i93",
+ "1g35",
+ "2z7q",
+ "4buy",
+ "2e3z",
+ "4r4j",
+ "6bq6",
+ "5app",
+ "4aee",
+ "4gzf",
+ "4cmu",
+ "7qot",
+ "4rsz",
+ "2wo2",
+ "4i3q",
+ "1h7u",
+ "6i0q",
+ "1hxp",
+ "5cer",
+ "6hyo",
+ "1ku0",
+ "6muy",
+ "4tup",
+ "6g2y",
+ "5gan",
+ "7v8u",
+ "4kzi",
+ "7swo",
+ "7bhf",
+ "5oho",
+ "7zfc",
+ "3n2g",
+ "6okp",
+ "6m49",
+ "4fbp",
+ "4nrr",
+ "5o1j",
+ "7suw",
+ "2me1",
+ "6ayn",
+ "5vkt",
+ "5a51",
+ "1ijb",
+ "4ztc",
+ "5oxn",
+ "6jwb",
+ "1oeg",
+ "5o8o",
+ "3kym",
+ "7mxj",
+ "3ild",
+ "5qyt",
+ "6sea",
+ "2j3w",
+ "2gd4",
+ "2ymb",
+ "2g4h",
+ "1i85",
+ "8erx",
+ "2pyb",
+ "2br4",
+ "3lkr",
+ "5llm",
+ "8dnl",
+ "6axd",
+ "1afh",
+ "6b06",
+ "6sid",
+ "6ee6",
+ "6y3p",
+ "1xxb",
+ "4cvn",
+ "1dad",
+ "4g3w",
+ "5n6o",
+ "4a2l",
+ "5qnd",
+ "4o74",
+ "5heh",
+ "2xmz",
+ "3ozj",
+ "4qd4",
+ "3ba0",
+ "5vil",
+ "7d7p",
+ "3b2w",
+ "2cep",
+ "4ok9",
+ "3gm1",
+ "4zpt",
+ "3am3",
+ "4ku8",
+ "6cgl",
+ "3aiw",
+ "5xyb",
+ "5acs",
+ "8fne",
+ "6gmp",
+ "6dhm",
+ "6f2i",
+ "2g1s",
+ "3ssu",
+ "4hw2",
+ "6p7t",
+ "6atz",
+ "1xje",
+ "3iwj",
+ "1aq8",
+ "2fd9",
+ "5c79",
+ "1z4h",
+ "5e5n",
+ "3p1s",
+ "3a06",
+ "7jkw",
+ "4q3k",
+ "6qct",
+ "2kha",
+ "5k6d",
+ "126l",
+ "5xm0",
+ "5xn5",
+ "1a4x",
+ "1af5",
+ "1ik9",
+ "5wj5",
+ "5p3p",
+ "2w5n",
+ "6hxe",
+ "3cqj",
+ "128l",
+ "4xmd",
+ "5ifp",
+ "4cxx",
+ "2vn4",
+ "7sr2",
+ "6gsv",
+ "6bgy",
+ "4lv3",
+ "1e5m",
+ "4qhd",
+ "5gix",
+ "1iqo",
+ "1odm",
+ "4dnt",
+ "6h1i",
+ "1kzk",
+ "7s6x",
+ "5ahz",
+ "6gje",
+ "2cxb",
+ "5ww7",
+ "1xod",
+ "1qg8",
+ "3sna",
+ "7dog",
+ "1o73",
+ "6d6n",
+ "2zhb",
+ "6ckv",
+ "3px6",
+ "1mpe",
+ "4tu1",
+ "5z5d",
+ "3ns5",
+ "3qcl",
+ "7b1g",
+ "2los",
+ "5ra3",
+ "4k22",
+ "6ddc",
+ "2r2d",
+ "6y4s",
+ "6bgz",
+ "6ytm",
+ "5prn",
+ "7qvj",
+ "1ks3",
+ "6h2q",
+ "6kkn",
+ "6fjf",
+ "1oca",
+ "4tlb",
+ "3hk1",
+ "5jzt",
+ "4rul",
+ "3d78",
+ "3fcu",
+ "6thi",
+ "4h1e",
+ "4hlh",
+ "6ufi",
+ "6fgu",
+ "4hav",
+ "6p7r",
+ "5n4d",
+ "1x0p",
+ "7mxb",
+ "6lvo",
+ "6oi4",
+ "2k8b",
+ "6z5m",
+ "7dre",
+ "6uni",
+ "4p4c",
+ "6zjc",
+ "1ohy",
+ "7p3z",
+ "5bnp",
+ "6zgk",
+ "1fk5",
+ "2fv2",
+ "5c8t",
+ "7mo8",
+ "1w07",
+ "6v0r",
+ "7lmp",
+ "1ftq",
+ "3hgz",
+ "5krv",
+ "3dkt",
+ "1cju",
+ "6uj7",
+ "2h19",
+ "5yq8",
+ "1t5f",
+ "4ez4",
+ "5vla",
+ "6rs2",
+ "6cj6",
+ "7klo",
+ "4fra",
+ "1fb0",
+ "6scd",
+ "3s8f",
+ "6irv",
+ "3a4x",
+ "2c9u",
+ "3f95",
+ "4jb6",
+ "6xg4",
+ "4c27",
+ "9xia",
+ "7vsi",
+ "4rcl",
+ "2xs2",
+ "2oqu",
+ "7r6o",
+ "2jur",
+ "5egg",
+ "7zyj",
+ "3hds",
+ "1qtu",
+ "7q4g",
+ "1hwn",
+ "1sdz",
+ "5hzz",
+ "6jar",
+ "3eia",
+ "1an7",
+ "1cfs",
+ "3d74",
+ "1w9g",
+ "1p2u",
+ "6vzf",
+ "4tqi",
+ "3k1e",
+ "3lct",
+ "5suh",
+ "6dah",
+ "5hlq",
+ "4x4b",
+ "5vrp",
+ "1isb",
+ "1idr",
+ "1h58",
+ "4yoe",
+ "4q1c",
+ "1ivs",
+ "2xyj",
+ "6rv7",
+ "7ole",
+ "1jyd",
+ "1a7d",
+ "5hce",
+ "1udv",
+ "1s62",
+ "1yjq",
+ "4kdm",
+ "4d8n",
+ "7b8t",
+ "7rn9",
+ "6ydj",
+ "1by6",
+ "1f28",
+ "5ycx",
+ "4f9f",
+ "1w4c",
+ "7f7q",
+ "4nm7",
+ "1k4c",
+ "3a1r",
+ "3qf2",
+ "6loy",
+ "3vmw",
+ "5x1k",
+ "6e25",
+ "4d4h",
+ "2pd9",
+ "4gct",
+ "4xyp",
+ "4his",
+ "7t12",
+ "3fwf",
+ "2fs9",
+ "6r2v",
+ "1c2a",
+ "3irz",
+ "6qch",
+ "2p9u",
+ "2rud",
+ "3ly6",
+ "4usn",
+ "178l",
+ "2zgu",
+ "7xz8",
+ "5xrt",
+ "1u0l",
+ "5cpf",
+ "4zh9",
+ "4p9e",
+ "2qi7",
+ "4uey",
+ "6xhp",
+ "6r4s",
+ "4r5y",
+ "7b4a",
+ "2knu",
+ "2inc",
+ "5er5",
+ "6j8g",
+ "1dai",
+ "3flu",
+ "1y7d",
+ "7lxe",
+ "1cu2",
+ "4wjs",
+ "2prq",
+ "6w68",
+ "4jm0",
+ "3tt7",
+ "3eao",
+ "6usi",
+ "5qfo",
+ "6f9e",
+ "3im4",
+ "6y5x",
+ "4uvb",
+ "4pcy",
+ "4d7c",
+ "5b0l",
+ "3ioz",
+ "5st7",
+ "4xez",
+ "4ufx",
+ "2esz",
+ "6p83",
+ "1nh5",
+ "4zmt",
+ "2if7",
+ "2j52",
+ "1xwh",
+ "1gvl",
+ "5vmg",
+ "3zt0",
+ "5pvg",
+ "4qa7",
+ "4dwz",
+ "4ygy",
+ "7b9a",
+ "4ino",
+ "1bpq",
+ "8e34",
+ "6qy2",
+ "4fll",
+ "5ns9",
+ "6ozy",
+ "5m6l",
+ "4jiq",
+ "3qwb",
+ "6t86",
+ "6f52",
+ "4c8v",
+ "2o6r",
+ "6sal",
+ "1elk",
+ "4l0e",
+ "4lnl",
+ "6vg0",
+ "6geh",
+ "6hcu",
+ "6xzo",
+ "3wp4",
+ "6jgy",
+ "4ud6",
+ "3jqk",
+ "4f41",
+ "7tcx",
+ "7lae",
+ "5qmd",
+ "4fpq",
+ "7qk5",
+ "5v2l",
+ "1dca",
+ "5t37",
+ "1fbx",
+ "6zeh",
+ "7n8c",
+ "3zz1",
+ "6uii",
+ "7msi",
+ "5sa1",
+ "6mvw",
+ "2wx2",
+ "6fd5",
+ "7xyv",
+ "4zzl",
+ "5jqx",
+ "2whw",
+ "4oxk",
+ "7lfi",
+ "1tjj",
+ "3q2j",
+ "3dfi",
+ "3bvn",
+ "6mno",
+ "5weh",
+ "1p7m",
+ "2my9",
+ "8f57",
+ "7mg1",
+ "4p7w",
+ "5obz",
+ "2b76",
+ "5hws",
+ "1czv",
+ "3di8",
+ "1xzv",
+ "7o1g",
+ "7ms8",
+ "2mh1",
+ "8gwb",
+ "1qln",
+ "5ksp",
+ "7vfg",
+ "4u8h",
+ "6p3p",
+ "4yz4",
+ "6dyb",
+ "5hzj",
+ "4h22",
+ "7u30",
+ "2y59",
+ "4zom",
+ "2xe8",
+ "2p2l",
+ "3pby",
+ "1b3e",
+ "3jqw",
+ "1ytu",
+ "5yjp",
+ "5b3j",
+ "2x75",
+ "1zj1",
+ "7ckh",
+ "1s4z",
+ "6zjx",
+ "3th9",
+ "1w54",
+ "3cp1",
+ "5v1y",
+ "1y50",
+ "5cav",
+ "4ini",
+ "6ygf",
+ "4zzi",
+ "1vk5",
+ "3igu",
+ "5yl9",
+ "3lqj",
+ "4f40",
+ "5iq5",
+ "6rk5",
+ "5tq0",
+ "1g0d",
+ "5bwg",
+ "6fyw",
+ "7rth",
+ "1lzi",
+ "6dnj",
+ "2ied",
+ "5qzn",
+ "5fm8",
+ "1e31",
+ "6ku8",
+ "1ds5",
+ "3lfl",
+ "5zvg",
+ "2mfr",
+ "8a5x",
+ "3f85",
+ "5xjv",
+ "1e3s",
+ "5s43",
+ "5nne",
+ "2oho",
+ "6dtu",
+ "4qlb",
+ "7k39",
+ "4b3z",
+ "6brk",
+ "7o8i",
+ "1blh",
+ "4ygb",
+ "6jm5",
+ "4c9e",
+ "6mqk",
+ "5npe",
+ "4g19",
+ "5jek",
+ "5van",
+ "5g43",
+ "3zki",
+ "2o6f",
+ "2n1g",
+ "6fp3",
+ "1c6i",
+ "8f05",
+ "1cdn",
+ "4pcf",
+ "5e50",
+ "2flv",
+ "4pmf",
+ "2fha",
+ "4l34",
+ "6ksa",
+ "4lez",
+ "4d1q",
+ "1efz",
+ "5m4l",
+ "4c2y",
+ "5l32",
+ "3s1w",
+ "3q4c",
+ "3bx5",
+ "4of8",
+ "7e3e",
+ "7uk6",
+ "5xls",
+ "2lgs",
+ "6wg6",
+ "3vzj",
+ "5wg3",
+ "5xyg",
+ "4jg3",
+ "2pvs",
+ "2kv2",
+ "7dsk",
+ "1aoy",
+ "3a7u",
+ "4dqe",
+ "2w6f",
+ "5r3m",
+ "2g5r",
+ "5ett",
+ "5gs1",
+ "4yea",
+ "3sml",
+ "2w1p",
+ "6eg9",
+ "5z38",
+ "1lze",
+ "6gai",
+ "6woy",
+ "1lyw",
+ "7s1q",
+ "7f10",
+ "6yhw",
+ "7kv0",
+ "5egq",
+ "5oci",
+ "2xzj",
+ "1c77",
+ "3ncv",
+ "6jez",
+ "5g17",
+ "7k0c",
+ "7x6o",
+ "3ezo",
+ "5tk8",
+ "4k7e",
+ "7upo",
+ "3nc9",
+ "7z6h",
+ "7rn8",
+ "4ap2",
+ "6m55",
+ "4a7k",
+ "2ruf",
+ "6srj",
+ "2k47",
+ "1yab",
+ "2c7g",
+ "6ats",
+ "5d94",
+ "1fol",
+ "7fkb",
+ "6x7p",
+ "2rux",
+ "5ld5",
+ "4eo0",
+ "6bvf",
+ "6x02",
+ "6afg",
+ "5c3k",
+ "5h38",
+ "5pkg",
+ "7k38",
+ "5vid",
+ "1t8m",
+ "1h2f",
+ "5roo",
+ "2pae",
+ "4dhj",
+ "2vh7",
+ "5yhq",
+ "5d1r",
+ "120l",
+ "1qn2",
+ "7dta",
+ "8dg8",
+ "4kzg",
+ "5c2u",
+ "6cft",
+ "3s9a",
+ "6ka3",
+ "7foi",
+ "7knd",
+ "3bb1",
+ "6qda",
+ "2zlt",
+ "4wm4",
+ "8dvp",
+ "3ipm",
+ "3ihe",
+ "7q0o",
+ "7v29",
+ "4ixx",
+ "4pkm",
+ "7p4q",
+ "7etc",
+ "2fwz",
+ "4fhn",
+ "6hmb",
+ "5i9k",
+ "6up5",
+ "5jtt",
+ "2cjq",
+ "1xvx",
+ "5u1y",
+ "4eyv",
+ "5vln",
+ "6gw2",
+ "2zvt",
+ "3nww",
+ "5w6a",
+ "6ojp",
+ "7wg2",
+ "2dj5",
+ "4aqg",
+ "6bdy",
+ "6b96",
+ "3h54",
+ "3vl4",
+ "5fxy",
+ "4n25",
+ "6uw1",
+ "6hjg",
+ "5y0q",
+ "3uk8",
+ "5nnt",
+ "5r1p",
+ "3o3d",
+ "3e81",
+ "2g7o",
+ "5ze8",
+ "1fre",
+ "7mo3",
+ "2w68",
+ "2wao",
+ "6imc",
+ "7wzx",
+ "1frt",
+ "6ujj",
+ "4mkp",
+ "7zl1",
+ "8f55",
+ "5xdr",
+ "4wyz",
+ "2vti",
+ "5okm",
+ "5u0f",
+ "4rg2",
+ "5pos",
+ "5ij7",
+ "4nu9",
+ "6sk5",
+ "2gh0",
+ "4hxq",
+ "3pgf",
+ "6p0z",
+ "6gf9",
+ "4dgy",
+ "5uiw",
+ "7vt5",
+ "1fuk",
+ "3hjq",
+ "5fmu",
+ "4n9g",
+ "3wcj",
+ "4ibt",
+ "7zzj",
+ "5u61",
+ "3cp5",
+ "3esf",
+ "4ari",
+ "2c2g",
+ "4nry",
+ "7mpg",
+ "3hr6",
+ "3zhl",
+ "2iwp",
+ "2nda",
+ "1kk7",
+ "3ej3",
+ "1ubf",
+ "1p6k",
+ "5s50",
+ "4lv6",
+ "7mlg",
+ "5d5m",
+ "1mlm",
+ "7d21",
+ "4g94",
+ "2dcw",
+ "2jem",
+ "4exy",
+ "3ekm",
+ "3psb",
+ "5yz2",
+ "5vob",
+ "7kej",
+ "5pr7",
+ "7w2d",
+ "4j1l",
+ "4omn",
+ "6vze",
+ "3ksq",
+ "3qna",
+ "2vzi",
+ "3s84",
+ "5kai",
+ "3p5y",
+ "4bic",
+ "5m9a",
+ "6icr",
+ "4gtl",
+ "6znc",
+ "6stq",
+ "6vcx",
+ "3foa",
+ "3qcp",
+ "6v2a",
+ "1s9c",
+ "4j8t",
+ "6izx",
+ "5qez",
+ "4okh",
+ "5xjr",
+ "3hv6",
+ "2jkn",
+ "4d6j",
+ "5fv5",
+ "7wln",
+ "6gcq",
+ "1zby",
+ "2mvo",
+ "1qwz",
+ "5e3d",
+ "3quq",
+ "3m9h",
+ "1xmb",
+ "6djl",
+ "1igc",
+ "1co1",
+ "7jkc",
+ "5cp7",
+ "5xoo",
+ "1xks",
+ "2hul",
+ "7krz",
+ "5g6r",
+ "6y7a",
+ "1ww9",
+ "3rbq",
+ "6lgy",
+ "6leg",
+ "6w58",
+ "5gre",
+ "2nac",
+ "5wnm",
+ "2jtt",
+ "6m8d",
+ "3p9w",
+ "6uj9",
+ "3n8v",
+ "6uza",
+ "3h8a",
+ "7kx9",
+ "5n98",
+ "7dlv",
+ "7psy",
+ "7qs9",
+ "3bt4",
+ "1d2u",
+ "1l8l",
+ "5s9z",
+ "8fwr",
+ "5lw0",
+ "1jhr",
+ "7eje",
+ "4fhh",
+ "7kvr",
+ "6lgx",
+ "6fa2",
+ "6ce7",
+ "5eae",
+ "3g0w",
+ "4ova",
+ "7lij",
+ "4g1u",
+ "5hfa",
+ "6rta",
+ "2pv6",
+ "1dqg",
+ "7tpq",
+ "4lxf",
+ "6fke",
+ "2lot",
+ "3ddx",
+ "5h29",
+ "4c9q",
+ "5hu4",
+ "7er1",
+ "6zd3",
+ "7ytc",
+ "3j25",
+ "1le4",
+ "5pgd",
+ "7b3m",
+ "1keh",
+ "7tqd",
+ "1jbc",
+ "3b05",
+ "3ogf",
+ "4nro",
+ "2pl0",
+ "4yw3",
+ "2z31",
+ "6wvl",
+ "2wx4",
+ "2d9q",
+ "7oak",
+ "5oxq",
+ "3f8s",
+ "5t48",
+ "5dnf",
+ "6mr7",
+ "5ctw",
+ "1h5d",
+ "4zvi",
+ "4w4z",
+ "2jb1",
+ "5zoi",
+ "8dru",
+ "4bng",
+ "4iaq",
+ "7dfl",
+ "6bpy",
+ "6r5n",
+ "1p8b",
+ "6p85",
+ "1qou",
+ "1cx4",
+ "4z27",
+ "3wbb",
+ "5qd3",
+ "6rhi",
+ "6vep",
+ "1hb8",
+ "1tzy",
+ "4ov5",
+ "7lxa",
+ "7yze",
+ "1chz",
+ "2b00",
+ "2vv4",
+ "3hyp",
+ "5r1x",
+ "5ilp",
+ "6bow",
+ "7fme",
+ "2a5t",
+ "8b6y",
+ "1l2t",
+ "3od5",
+ "6gm1",
+ "1u96",
+ "7o45",
+ "2w03",
+ "6t5v",
+ "7wi3",
+ "3tmk",
+ "4u82",
+ "4q20",
+ "4ry7",
+ "6ilp",
+ "3qw9",
+ "6iy6",
+ "2hry",
+ "2l4z",
+ "4ctc",
+ "4xef",
+ "6xoq",
+ "6npu",
+ "6ppy",
+ "3ndh",
+ "1v1b",
+ "4d7q",
+ "6eel",
+ "2hej",
+ "7xd9",
+ "7ka0",
+ "1nl9",
+ "6g6r",
+ "5n82",
+ "6p5l",
+ "6nww",
+ "7ugo",
+ "5c9a",
+ "5pvq",
+ "7ot8",
+ "5ayj",
+ "1eqf",
+ "1s1c",
+ "3a6t",
+ "4n61",
+ "5w3e",
+ "3in2",
+ "4nbn",
+ "6rk7",
+ "5zhp",
+ "3tyy",
+ "6unl",
+ "5g37",
+ "7x0c",
+ "6k7c",
+ "5lnr",
+ "5hvf",
+ "6bkz",
+ "6giw",
+ "3tmy",
+ "6iko",
+ "1si8",
+ "5jka",
+ "7ssa",
+ "4ma9",
+ "5c8i",
+ "4uu9",
+ "3wku",
+ "3oqd",
+ "3zs0",
+ "7s65",
+ "6qbb",
+ "8ber",
+ "3onh",
+ "5jml",
+ "4fgb",
+ "6o9t",
+ "6yp5",
+ "6cgb",
+ "5uo4",
+ "1o7m",
+ "1nm4",
+ "4km9",
+ "5u9j",
+ "5x6q",
+ "6s75",
+ "6ec3",
+ "3zpy",
+ "7lct",
+ "2asb",
+ "3man",
+ "2y9j",
+ "5mzp",
+ "4o65",
+ "2eva",
+ "5kyo",
+ "5x7d",
+ "7qno",
+ "2pv3",
+ "4g2c",
+ "3vgn",
+ "6eb8",
+ "5c0i",
+ "3l1z",
+ "2f70",
+ "5oht",
+ "3l2e",
+ "7r0n",
+ "3euk",
+ "4a33",
+ "7ly7",
+ "5vdi",
+ "2q8o",
+ "4jg8",
+ "3dae",
+ "7lcq",
+ "4uht",
+ "4eez",
+ "2vk5",
+ "5oon",
+ "1ac0",
+ "5q0m",
+ "5yap",
+ "4pd4",
+ "3uh3",
+ "3b1v",
+ "4d2y",
+ "6n4j",
+ "4y9m",
+ "3gyy",
+ "5ilq",
+ "3urg",
+ "1n6r",
+ "5iit",
+ "1hsx",
+ "5prl",
+ "4gh0",
+ "5bxa",
+ "5byr",
+ "2rtu",
+ "4a6h",
+ "5ut5",
+ "1c2e",
+ "5ivj",
+ "6oo6",
+ "6w2c",
+ "6ss9",
+ "4aaq",
+ "1rqg",
+ "3mdu",
+ "1sp3",
+ "1mrq",
+ "6ph5",
+ "6f4g",
+ "5dfb",
+ "3ei6",
+ "1wba",
+ "6gf8",
+ "5zfu",
+ "2l1m",
+ "1gk7",
+ "7rn3",
+ "7s0h",
+ "2vnv",
+ "3es7",
+ "4x1i",
+ "1e0p",
+ "250l",
+ "4a6d",
+ "4psc",
+ "4z3w",
+ "4qzt",
+ "8e2l",
+ "1ux4",
+ "1mvc",
+ "6ns9",
+ "1qfc",
+ "2qx5",
+ "3w6l",
+ "4h7d",
+ "6mkb",
+ "6hqe",
+ "4e5l",
+ "3vru",
+ "7ymr",
+ "7x7v",
+ "3ku7",
+ "1ky0",
+ "6azv",
+ "1ko6",
+ "5w8v",
+ "1hy0",
+ "7p2g",
+ "7n1b",
+ "6bva",
+ "5h2d",
+ "6dzh",
+ "6urf",
+ "5osc",
+ "3s00",
+ "4uy7",
+ "7vje",
+ "3u6c",
+ "1gzh",
+ "5iwt",
+ "1m2r",
+ "6wdq",
+ "3lll",
+ "2kuy",
+ "2j0u",
+ "3odf",
+ "6e6x",
+ "6rcn",
+ "6qxe",
+ "2f35",
+ "2l2g",
+ "3ps9",
+ "1blf",
+ "7bsr",
+ "1rdg",
+ "5ko1",
+ "3c3w",
+ "5gg4",
+ "6hcp",
+ "4blt",
+ "3kl5",
+ "6ob8",
+ "6say",
+ "1rx0",
+ "4ht7",
+ "6rzw",
+ "1n0e",
+ "3rjg",
+ "4ali",
+ "6mvj",
+ "1j7n",
+ "6q2s",
+ "2ygd",
+ "7awk",
+ "2fz5",
+ "3sxs",
+ "7b4n",
+ "7wbt",
+ "5e1h",
+ "6nla",
+ "3vgd",
+ "3vej",
+ "5zx2",
+ "3zd6",
+ "6scw",
+ "5vum",
+ "6g9u",
+ "2qh7",
+ "7v5m",
+ "1urf",
+ "3zbj",
+ "2i69",
+ "5j3d",
+ "1pn5",
+ "2rh1",
+ "1a8e",
+ "5cak",
+ "2gms",
+ "1gm8",
+ "5o3o",
+ "6ncz",
+ "2g2l",
+ "1yo1",
+ "7fl7",
+ "6gj2",
+ "6zdc",
+ "3pfc",
+ "8cob",
+ "5g3y",
+ "2acs",
+ "1may",
+ "5uhm",
+ "2f8h",
+ "7ls5",
+ "3u9u",
+ "3myb",
+ "6yoi",
+ "2ht5",
+ "5iz5",
+ "6fyl",
+ "1qn5",
+ "6qjf",
+ "1xeu",
+ "7fci",
+ "2lm8",
+ "1of5",
+ "5egi",
+ "3hhb",
+ "5ptk",
+ "4lee",
+ "3ntn",
+ "4y7m",
+ "7ttf",
+ "6uau",
+ "1sn2",
+ "6kao",
+ "2k5x",
+ "5pe2",
+ "1n02",
+ "3e2d",
+ "3t53",
+ "4piv",
+ "1k5m",
+ "6m3x",
+ "3zxu",
+ "2p3t",
+ "6kpt",
+ "3cv3",
+ "7vtf",
+ "5ye9",
+ "2hyu",
+ "1euy",
+ "3vmg",
+ "2yil",
+ "5s4a",
+ "5j1y",
+ "5krw",
+ "2vda",
+ "6uoz",
+ "7qox",
+ "6jk1",
+ "1i9y",
+ "6bqi",
+ "2bvq",
+ "6d62",
+ "4xih",
+ "3dln",
+ "5a5l",
+ "7wuc",
+ "2yqc",
+ "1uiu",
+ "2cdp",
+ "3e8q",
+ "5lrp",
+ "3sja",
+ "6z6h",
+ "5pqm",
+ "3whl",
+ "4j9u",
+ "4fhg",
+ "3dqz",
+ "3pyj",
+ "6fhx",
+ "6s4d",
+ "5i8g",
+ "6rn9",
+ "6ntc",
+ "2mso",
+ "6ilx",
+ "4i6g",
+ "1vgt",
+ "3hkq",
+ "6ob3",
+ "1rgp",
+ "7ly6",
+ "4e8b",
+ "6ozi",
+ "7tgi",
+ "6hre",
+ "3gg0",
+ "4gz2",
+ "2von",
+ "4phm",
+ "1jqq",
+ "4msj",
+ "7n0t",
+ "3nug",
+ "3inr",
+ "3o88",
+ "1aqe",
+ "3ogr",
+ "8dqq",
+ "4yk0",
+ "2bqx",
+ "1q3o",
+ "5lhz",
+ "1brv",
+ "3eka",
+ "1o0t",
+ "1kna",
+ "6gq2",
+ "4o4g",
+ "3knb",
+ "7nl1",
+ "6pfi",
+ "213l",
+ "6b0c",
+ "8dxn",
+ "1qom",
+ "7r3e",
+ "6nmw",
+ "3x13",
+ "6di1",
+ "2z3y",
+ "4apx",
+ "3w2t",
+ "6f8a",
+ "2bcp",
+ "7o1e",
+ "3t5n",
+ "6u2d",
+ "2ou8",
+ "7jif",
+ "4j1s",
+ "6liz",
+ "4pvz",
+ "7uxe",
+ "5udx",
+ "6j8n",
+ "2vp0",
+ "6zaq",
+ "6qmr",
+ "3o8b",
+ "5y2g",
+ "1d7e",
+ "6wn9",
+ "1rdc",
+ "7m8d",
+ "4a30",
+ "6uq2",
+ "2woa",
+ "4kkb",
+ "5mn9",
+ "4hgz",
+ "4b5t",
+ "1lba",
+ "3t0o",
+ "8abv",
+ "5ak2",
+ "2maj",
+ "6a1c",
+ "1esl",
+ "3jvz",
+ "4uwj",
+ "5wr9",
+ "6kk3",
+ "5lf0",
+ "3ma7",
+ "5ds1",
+ "5mqg",
+ "6fv3",
+ "7pr3",
+ "1ukp",
+ "5jz7",
+ "2aob",
+ "5ru5",
+ "7olo",
+ "7fe6",
+ "6pna",
+ "5dky",
+ "2jgd",
+ "6n1p",
+ "3v2o",
+ "4m81",
+ "3ntk",
+ "3atz",
+ "6isv",
+ "5coo",
+ "5dcu",
+ "4jp1",
+ "5s40",
+ "4rl4",
+ "5a8t",
+ "4juh",
+ "7qcz",
+ "6mio",
+ "6f89",
+ "2evb",
+ "4qf2",
+ "6gnb",
+ "6ipe",
+ "1j0n",
+ "4jfq",
+ "4xz7",
+ "6t6k",
+ "6bo5",
+ "5an9",
+ "2pzl",
+ "6itz",
+ "4qig",
+ "5t4q",
+ "4g8v",
+ "3q4j",
+ "6l7w",
+ "4a1v",
+ "6sj0",
+ "1ptk",
+ "5t7h",
+ "5alf",
+ "2a5x",
+ "6gj6",
+ "2o9c",
+ "3jqq",
+ "4yoa",
+ "4rec",
+ "2bqd",
+ "1txa",
+ "4u5e",
+ "3tld",
+ "2olz",
+ "4s1g",
+ "1pin",
+ "1hm9",
+ "5hzx",
+ "3vha",
+ "5om8",
+ "1auj",
+ "5pl4",
+ "7b99",
+ "5z8u",
+ "4f0y",
+ "2rps",
+ "3q6b",
+ "7vjg",
+ "2mrj",
+ "2bef",
+ "6mnu",
+ "6w49",
+ "1jh8",
+ "3v0i",
+ "1yz6",
+ "5ew3",
+ "6tiz",
+ "1j53",
+ "2mtf",
+ "2q6i",
+ "3m0l",
+ "7sne",
+ "1fwa",
+ "6bmb",
+ "5kbm",
+ "5o8m",
+ "6eto",
+ "1dtj",
+ "4fj2",
+ "2vtv",
+ "5ffq",
+ "5o17",
+ "5mlu",
+ "5l7w",
+ "6iqf",
+ "3uc8",
+ "6qjj",
+ "7lgu",
+ "1f21",
+ "1qwl",
+ "1inw",
+ "3v9s",
+ "5knm",
+ "4d6h",
+ "8ajy",
+ "5xki",
+ "2pej",
+ "4ilc",
+ "4juj",
+ "3iom",
+ "7mq6",
+ "4pzd",
+ "4wte",
+ "7aqm",
+ "4no6",
+ "3m6k",
+ "6a4h",
+ "8adg",
+ "5uh7",
+ "5fae",
+ "6a6k",
+ "2jha",
+ "3ots",
+ "1grx",
+ "1byw",
+ "2gia",
+ "2jec",
+ "4gum",
+ "5vuy",
+ "3lgd",
+ "4em4",
+ "1l6m",
+ "2gcc",
+ "5xxv",
+ "7kvx",
+ "5ydf",
+ "1btx",
+ "2rkj",
+ "1zui",
+ "7rqv",
+ "6fbw",
+ "3hif",
+ "2hu1",
+ "7n2j",
+ "1flp",
+ "1d7i",
+ "3gzp",
+ "3zoa",
+ "4lo5",
+ "6hp0",
+ "6vl1",
+ "3hfj",
+ "3hv7",
+ "1n87",
+ "7qmq",
+ "2bh3",
+ "5e85",
+ "6j6p",
+ "2gsp",
+ "7kqy",
+ "1b55",
+ "2pmi",
+ "6jwr",
+ "7agi",
+ "5n6x",
+ "3ftx",
+ "1hj5",
+ "3ej9",
+ "3b1u",
+ "1n1u",
+ "6bea",
+ "2fmm",
+ "4eqk",
+ "4xfz",
+ "5dfz",
+ "6v0x",
+ "7jra",
+ "3a9e",
+ "2vx9",
+ "3tj6",
+ "3uyt",
+ "2h4n",
+ "2x3w",
+ "6dco",
+ "3uts",
+ "7jvk",
+ "4cf1",
+ "2cj6",
+ "6dhv",
+ "7lnl",
+ "6u8i",
+ "7pi2",
+ "2c22",
+ "7wki",
+ "5u22",
+ "5lhr",
+ "6p4r",
+ "1smq",
+ "3w8i",
+ "3k0j",
+ "1ny4",
+ "5etr",
+ "7f0a",
+ "1gcz",
+ "6n52",
+ "3gjs",
+ "5jvx",
+ "5ejm",
+ "7ce5",
+ "7qnz",
+ "5dxi",
+ "2erc",
+ "5e3s",
+ "1c9w",
+ "1f6p",
+ "8oh4",
+ "4fg2",
+ "3v31",
+ "6vc9",
+ "1w1i",
+ "3wuv",
+ "5tj4",
+ "5i9z",
+ "2rib",
+ "4w4k",
+ "6srp",
+ "1kw1",
+ "3vfn",
+ "6m7u",
+ "3ilr",
+ "6et9",
+ "180l",
+ "3nn4",
+ "4u2i",
+ "7wgt",
+ "7ucl",
+ "5u1b",
+ "4ja1",
+ "6c3e",
+ "2ds1",
+ "4cd8",
+ "2czj",
+ "2bkj",
+ "1kdj",
+ "1q3j",
+ "1uva",
+ "4pda",
+ "7rim",
+ "4bfd",
+ "3dp4",
+ "4kbb",
+ "6f2x",
+ "2l0m",
+ "4d81",
+ "1cup",
+ "6wzb",
+ "5x4p",
+ "4ajv",
+ "1k99",
+ "1pxn",
+ "6gxf",
+ "2ncd",
+ "5r3x",
+ "4aq1",
+ "3dik",
+ "6bzi",
+ "3ht8",
+ "5a6o",
+ "6n3w",
+ "2fp3",
+ "2cgo",
+ "6oqt",
+ "7q3p",
+ "5mpl",
+ "6tz6",
+ "6x1f",
+ "8e0t",
+ "7cto",
+ "6t3g",
+ "7o8u",
+ "6ihs",
+ "1dlc",
+ "7vsk",
+ "2bqh",
+ "5uwk",
+ "5gpa",
+ "2f1j",
+ "1jt4",
+ "7cmu",
+ "4odl",
+ "5oot",
+ "1xj3",
+ "2y32",
+ "2nb4",
+ "7mld",
+ "6d7q",
+ "8dgu",
+ "6q32",
+ "5csh",
+ "1dcu",
+ "5z1e",
+ "7sq1",
+ "6qbf",
+ "1bia",
+ "1n1s",
+ "5eo8",
+ "7vup",
+ "4qhg",
+ "7rp9",
+ "5f7x",
+ "2fyq",
+ "4ox6",
+ "7n6z",
+ "1zkw",
+ "3b62",
+ "7c3a",
+ "6dji",
+ "8hef",
+ "1bjj",
+ "3muw",
+ "7b8d",
+ "5lfu",
+ "2ds8",
+ "5t0l",
+ "5glg",
+ "3uca",
+ "5rg6",
+ "5sv8",
+ "2lqh",
+ "5pd2",
+ "2omi",
+ "5fzq",
+ "4en6",
+ "3sgp",
+ "2yho",
+ "4wp4",
+ "4tvz",
+ "3f5u",
+ "6mmj",
+ "1yfo",
+ "6nfw",
+ "4qx1",
+ "5utc",
+ "1uxm",
+ "4osp",
+ "4aas",
+ "2ohx",
+ "3ckn",
+ "4km0",
+ "6wm7",
+ "3vmj",
+ "1kou",
+ "3i65",
+ "7rjd",
+ "2seb",
+ "4kum",
+ "5ipa",
+ "3r1j",
+ "7kjh",
+ "3c3v",
+ "1ua7",
+ "4lbe",
+ "5stb",
+ "6nuc",
+ "1bhn",
+ "4kp3",
+ "1ja3",
+ "1i06",
+ "3s29",
+ "2qrd",
+ "2bq0",
+ "3rbd",
+ "1fct",
+ "4op4",
+ "4o3n",
+ "2nrx",
+ "5f3z",
+ "1p4v",
+ "6s5t",
+ "3wyp",
+ "4k8v",
+ "1r6y",
+ "3hky",
+ "1hpt",
+ "1qiy",
+ "5pjf",
+ "3x1k",
+ "5mze",
+ "3a8t",
+ "5cbe",
+ "4n2d",
+ "1f7z",
+ "3wg4",
+ "5hwc",
+ "6nbu",
+ "5psg",
+ "1k66",
+ "6mvk",
+ "5pg5",
+ "3o8m",
+ "6xwq",
+ "3x1w",
+ "2qfc",
+ "4hk1",
+ "4cn4",
+ "2rkl",
+ "3b1y",
+ "4ar1",
+ "7l5m",
+ "5cz4",
+ "1i7q",
+ "6o7i",
+ "6jlo",
+ "6bmq",
+ "1tqc",
+ "2fl7",
+ "4moa",
+ "6rg2",
+ "4f5r",
+ "4cjs",
+ "3juv",
+ "4g0b",
+ "1m4m",
+ "7x7e",
+ "6o23",
+ "3qbi",
+ "7u52",
+ "6mvu",
+ "6t7l",
+ "4jsd",
+ "7n7g",
+ "2hc8",
+ "6jw8",
+ "5b2z",
+ "1pqp",
+ "4e2v",
+ "7ekd",
+ "3tpz",
+ "6tru",
+ "5ph5",
+ "7rot",
+ "7qih",
+ "4n1b",
+ "2b59",
+ "3b6o",
+ "1y6d",
+ "7yz5",
+ "7bj6",
+ "7pbm",
+ "4yfz",
+ "6sad",
+ "5ce6",
+ "4hz0",
+ "2o2m",
+ "5ma8",
+ "4xwj",
+ "1lgd",
+ "6ter",
+ "7ofz",
+ "6pw4",
+ "2kpk",
+ "1qvp",
+ "7ki0",
+ "5ciu",
+ "3dro",
+ "3rnf",
+ "4zku",
+ "1d7r",
+ "7vkt",
+ "6w6e",
+ "2gep",
+ "2xj7",
+ "7x31",
+ "7rwh",
+ "5l0h",
+ "1g0b",
+ "1kvk",
+ "1k7x",
+ "1ap8",
+ "2fli",
+ "5i32",
+ "2cbz",
+ "3e1l",
+ "4ed5",
+ "3spu",
+ "7dgg",
+ "4mul",
+ "3o8g",
+ "8hje",
+ "5k5i",
+ "4d0q",
+ "2myw",
+ "2qql",
+ "3qkz",
+ "4ou3",
+ "4lb4",
+ "2y9x",
+ "5o41",
+ "5qfd",
+ "6wdw",
+ "4iq4",
+ "2gn6",
+ "4ll7",
+ "3um7",
+ "5kc1",
+ "7l5e",
+ "1tey",
+ "3suo",
+ "1cqw",
+ "6snl",
+ "7pro",
+ "2v5c",
+ "1xlh",
+ "7fi1",
+ "7m8z",
+ "3mdg",
+ "3zsx",
+ "6v66",
+ "4rry",
+ "7w7d",
+ "7vgc",
+ "3ejz",
+ "6kzm",
+ "6n8t",
+ "3okg",
+ "2bi8",
+ "6wyf",
+ "2i9s",
+ "4rvt",
+ "5fnb",
+ "8avb",
+ "1dlk",
+ "5s72",
+ "1vls",
+ "5a28",
+ "4u6i",
+ "3t5o",
+ "3u46",
+ "2jli",
+ "5sat",
+ "5qn7",
+ "4pek",
+ "6air",
+ "3e55",
+ "6qu5",
+ "3qee",
+ "5u88",
+ "4c9s",
+ "4bqw",
+ "6voz",
+ "4pyy",
+ "3h2a",
+ "3fhh",
+ "7nm4",
+ "2c72",
+ "5fie",
+ "2dul",
+ "1nsu",
+ "7e38",
+ "1ifk",
+ "6o0b",
+ "7p5m",
+ "7bc0",
+ "3tj0",
+ "1fo7",
+ "1nuk",
+ "1j15",
+ "4n62",
+ "5aaz",
+ "4azt",
+ "4ugf",
+ "5m11",
+ "5w2w",
+ "2xze",
+ "5apj",
+ "7wf7",
+ "3ncx",
+ "2vll",
+ "2jy5",
+ "2biv",
+ "1f36",
+ "4ad9",
+ "5zqe",
+ "6ff6",
+ "3w00",
+ "7qmn",
+ "3ady",
+ "3mk4",
+ "3mg2",
+ "1yp2",
+ "3vaj",
+ "3f8y",
+ "4s0n",
+ "6kp1",
+ "6otd",
+ "1xai",
+ "6a0k",
+ "6cfh",
+ "3c62",
+ "1qkw",
+ "5kit",
+ "5usj",
+ "5tqr",
+ "4cxf",
+ "6zgd",
+ "5uan",
+ "6rrl",
+ "2ojw",
+ "2q9i",
+ "1zid",
+ "6xn1",
+ "7uo9",
+ "7jjq",
+ "7nch",
+ "2i5d",
+ "2var",
+ "2bv9",
+ "1nc4",
+ "7en9",
+ "1ryu",
+ "5to5",
+ "7q4f",
+ "3t1m",
+ "5c4o",
+ "6bwk",
+ "1ioj",
+ "2hdk",
+ "5was",
+ "3b6p",
+ "2kce",
+ "1mjy",
+ "6blm",
+ "1b1v",
+ "1dvb",
+ "1vrq",
+ "4jfa",
+ "2jk8",
+ "1sd0",
+ "5fvd",
+ "1few",
+ "2wbk",
+ "6v2q",
+ "4ppa",
+ "6do6",
+ "1hh8",
+ "4s0q",
+ "3qpy",
+ "3mit",
+ "7jl8",
+ "6er0",
+ "2c0a",
+ "1xnt",
+ "7y9p",
+ "6ygi",
+ "4akz",
+ "1ok0",
+ "5jq1",
+ "4anm",
+ "2i0l",
+ "4ps7",
+ "5uhq",
+ "5yub",
+ "4mfj",
+ "1hbp",
+ "5zrv",
+ "1lvy",
+ "5w5o",
+ "1fng",
+ "6vby",
+ "4mfq",
+ "2pmk",
+ "2wfq",
+ "3zue",
+ "4ajn",
+ "1yb7",
+ "2fnn",
+ "6m9w",
+ "4eot",
+ "4y2m",
+ "3tti",
+ "1q3n",
+ "1d1g",
+ "4xjk",
+ "3g3v",
+ "3jq3",
+ "6vx0",
+ "6syl",
+ "2rcj",
+ "4gz3",
+ "4jo7",
+ "5k8z",
+ "2g8h",
+ "4ifr",
+ "5nf4",
+ "7kwa",
+ "6hjf",
+ "6q3q",
+ "6kjk",
+ "3klr",
+ "1iax",
+ "4ate",
+ "6zju",
+ "5spg",
+ "3cwd",
+ "1nu4",
+ "5x8s",
+ "2a1b",
+ "2b3g",
+ "3w43",
+ "5khm",
+ "1f8h",
+ "2kio",
+ "7mbg",
+ "4nmc",
+ "1ys0",
+ "2kj4",
+ "4h71",
+ "1cq2",
+ "2ksy",
+ "6afr",
+ "1kdc",
+ "4h0b",
+ "4gmj",
+ "2exd",
+ "7s66",
+ "3teq",
+ "3enq",
+ "1y5x",
+ "3u8n",
+ "5y1z",
+ "6iz5",
+ "2w05",
+ "6mej",
+ "3brw",
+ "4cvt",
+ "1uli",
+ "3bok",
+ "4yxy",
+ "5ivr",
+ "1e0q",
+ "5yjg",
+ "6rnw",
+ "2dcr",
+ "4d0n",
+ "6n8d",
+ "4yei",
+ "2wax",
+ "7zex",
+ "4e1a",
+ "3ndo",
+ "6hoc",
+ "6qk5",
+ "5o7p",
+ "6lk4",
+ "5hbs",
+ "7aif",
+ "2bn3",
+ "1kxp",
+ "5i8e",
+ "2a4e",
+ "1bfj",
+ "6jo8",
+ "6b4w",
+ "3wvi",
+ "6v8e",
+ "3guq",
+ "4zn0",
+ "2pa5",
+ "3m7h",
+ "1mko",
+ "6o8k",
+ "5xpd",
+ "7rh1",
+ "3ekp",
+ "1e66",
+ "3u92",
+ "4pp5",
+ "2blm",
+ "5in4",
+ "3kfc",
+ "4z2g",
+ "4xy3",
+ "3urf",
+ "3a7q",
+ "5rla",
+ "3f9i",
+ "7oju",
+ "1ga3",
+ "6p7z",
+ "8hy4",
+ "1pwc",
+ "5f7w",
+ "1xrj",
+ "2kzj",
+ "7s20",
+ "1bod",
+ "6sft",
+ "4nih",
+ "1c5s",
+ "5jst",
+ "7tpz",
+ "7wx2",
+ "3n5k",
+ "3m13",
+ "2h0t",
+ "4dri",
+ "6u31",
+ "3ejc",
+ "7aid",
+ "1iw4",
+ "3tzk",
+ "4atd",
+ "4i6x",
+ "3jx6",
+ "4q8l",
+ "7scg",
+ "7yk9",
+ "3iy4",
+ "1gn2",
+ "1sz9",
+ "5dwu",
+ "6djb",
+ "7fk5",
+ "7c7w",
+ "4qho",
+ "1ivt",
+ "1dsy",
+ "1u5k",
+ "5lsz",
+ "3sjj",
+ "2xcx",
+ "6hld",
+ "5i4a",
+ "5s1g",
+ "3g24",
+ "4ui1",
+ "3nzz",
+ "2nqn",
+ "7frk",
+ "2a06",
+ "7yxd",
+ "3njb",
+ "3r8b",
+ "6cmr",
+ "4zzk",
+ "4abm",
+ "1sjf",
+ "4alz",
+ "3mwq",
+ "5e6a",
+ "8aai",
+ "4efl",
+ "5g64",
+ "3wrp",
+ "3h40",
+ "5ema",
+ "2ay0",
+ "4m5e",
+ "6fgf",
+ "5hru",
+ "7bit",
+ "7xxo",
+ "3o64",
+ "7vji",
+ "6g6q",
+ "1ak2",
+ "6cx4",
+ "6zwt",
+ "2y8n",
+ "1jt1",
+ "1tqi",
+ "4g0q",
+ "3rvl",
+ "7tze",
+ "3h8v",
+ "6zzw",
+ "6ofg",
+ "7t6x",
+ "2es6",
+ "3k55",
+ "8df9",
+ "7cfc",
+ "3lrg",
+ "8dw5",
+ "8dcl",
+ "4uyh",
+ "7azx",
+ "7vgh",
+ "5p87",
+ "7ooa",
+ "4iy7",
+ "6rgi",
+ "7c0z",
+ "2fs8",
+ "4dd9",
+ "5fil",
+ "3pop",
+ "4hlq",
+ "1zuj",
+ "6eeo",
+ "5dps",
+ "2ylm",
+ "4gd6",
+ "3ty9",
+ "1o9j",
+ "2avm",
+ "2dyo",
+ "3bv9",
+ "3zkr",
+ "5v5r",
+ "1gwd",
+ "3cc7",
+ "5w1u",
+ "2n0y",
+ "4qu3",
+ "6q61",
+ "5e5k",
+ "4kpm",
+ "5lbo",
+ "1qko",
+ "3qzt",
+ "4jv4",
+ "3une",
+ "7tbd",
+ "3azt",
+ "4r93",
+ "1xco",
+ "7zv7",
+ "3cc4",
+ "4jxz",
+ "3msn",
+ "1ms1",
+ "1s4y",
+ "1lv1",
+ "4kk7",
+ "1tr7",
+ "7f64",
+ "3krp",
+ "5kdp",
+ "5mb1",
+ "2g9h",
+ "5a6z",
+ "5n07",
+ "4fj9",
+ "8f4x",
+ "4in1",
+ "6sgf",
+ "7c4o",
+ "2efn",
+ "4zqv",
+ "2nln",
+ "4guf",
+ "5ezy",
+ "2asr",
+ "6alk",
+ "7cr5",
+ "5i1a",
+ "1gv9",
+ "7k93",
+ "2ji8",
+ "4bws",
+ "1h7y",
+ "3ox4",
+ "3fr5",
+ "2iu1",
+ "6ckk",
+ "3t4s",
+ "6ioy",
+ "2j1w",
+ "2vy8",
+ "5y1y",
+ "7s28",
+ "4pps",
+ "1pf8",
+ "7aib",
+ "6h5a",
+ "2nr2",
+ "2bhb",
+ "6a11",
+ "5dn4",
+ "7lc9",
+ "6esm",
+ "1chn",
+ "3tap",
+ "3asl",
+ "6g4x",
+ "1oqw",
+ "6pxx",
+ "6jmy",
+ "7p5i",
+ "5ygd",
+ "1ha5",
+ "5mbe",
+ "6nxq",
+ "7am8",
+ "7fca",
+ "6v9h",
+ "4m0r",
+ "5on3",
+ "2jcs",
+ "4qoo",
+ "6x1k",
+ "6fgt",
+ "5i7h",
+ "6v97",
+ "1sjb",
+ "2wwf",
+ "2e99",
+ "1fwv",
+ "4uop",
+ "5p3s",
+ "1g5z",
+ "2q7t",
+ "3s3q",
+ "6v4o",
+ "2qoi",
+ "1wvv",
+ "1cld",
+ "6md3",
+ "1qs4",
+ "1em6",
+ "2lxe",
+ "5ftp",
+ "2nvg",
+ "5c0b",
+ "1bzq",
+ "7vtc",
+ "5zjg",
+ "4m7g",
+ "6szj",
+ "2af9",
+ "7jt6",
+ "4v27",
+ "4fyv",
+ "5nkh",
+ "1jv8",
+ "4erl",
+ "3skf",
+ "2jyb",
+ "4y19",
+ "3zrw",
+ "5xac",
+ "3kyj",
+ "6z7k",
+ "6v67",
+ "7mp8",
+ "3bo1",
+ "4h1n",
+ "1lf3",
+ "1bcx",
+ "1ord",
+ "3rvz",
+ "2bla",
+ "5amz",
+ "7b2w",
+ "6p9t",
+ "2m5j",
+ "2zha",
+ "2lcc",
+ "7zdq",
+ "6r9g",
+ "5pxk",
+ "7ksz",
+ "3f2p",
+ "2g2y",
+ "2h2b",
+ "6qlr",
+ "7mnu",
+ "7ba8",
+ "1n4r",
+ "6cwr",
+ "1qtk",
+ "5nfr",
+ "6q2d",
+ "7rw7",
+ "5c8n",
+ "3hla",
+ "6bq5",
+ "3gxe",
+ "3l4d",
+ "2xn1",
+ "7ai3",
+ "1be4",
+ "4bh4",
+ "7r79",
+ "7oqc",
+ "6kq9",
+ "1eo9",
+ "8ccz",
+ "3r7x",
+ "5wuq",
+ "1qkm",
+ "1nyo",
+ "4g2b",
+ "2ci9",
+ "4ibf",
+ "6v01",
+ "6ui7",
+ "1mbt",
+ "3hj3",
+ "4uy9",
+ "5l55",
+ "1plw",
+ "7ok5",
+ "6wbi",
+ "6yg3",
+ "2zm8",
+ "7c8k",
+ "7m82",
+ "5d4d",
+ "1m2h",
+ "3vke",
+ "6z3h",
+ "5u38",
+ "1bmx",
+ "5crh",
+ "7c7c",
+ "5eto",
+ "6doj",
+ "7l9q",
+ "6txn",
+ "5l4h",
+ "1g61",
+ "4km3",
+ "5xqr",
+ "3k10",
+ "1gq6",
+ "3f1p",
+ "7c06",
+ "6iwb",
+ "5lc1",
+ "5kma",
+ "6gil",
+ "6o7w",
+ "5b0n",
+ "3zko",
+ "1b5q",
+ "3atp",
+ "7cbd",
+ "2n0z",
+ "6xyc",
+ "2v9a",
+ "4m8d",
+ "5flp",
+ "4mkg",
+ "7tj6",
+ "1n3r",
+ "5nen",
+ "2p5x",
+ "5z5w",
+ "6lpm",
+ "2xkp",
+ "7ppf",
+ "1hx7",
+ "3p3t",
+ "3fpw",
+ "2fyy",
+ "4i3y",
+ "5jh1",
+ "6had",
+ "1z08",
+ "3uas",
+ "2j7w",
+ "8at1",
+ "5l13",
+ "1o5r",
+ "2cal",
+ "1waq",
+ "2zsi",
+ "1iiy",
+ "6r2i",
+ "1jzk",
+ "5ah0",
+ "6imx",
+ "4l73",
+ "5d3g",
+ "1wxs",
+ "4m9b",
+ "4tk2",
+ "6pz7",
+ "7nod",
+ "7cpi",
+ "3vxg",
+ "8dvr",
+ "3v0m",
+ "1qhl",
+ "4hcx",
+ "1hy7",
+ "5hr0",
+ "1lqh",
+ "6f9f",
+ "1t87",
+ "5nyk",
+ "5lhi",
+ "5nb2",
+ "2van",
+ "2lg5",
+ "5wgu",
+ "4k8m",
+ "1x27",
+ "4unt",
+ "1iqz",
+ "6fcm",
+ "8bfk",
+ "4iq2",
+ "1pfd",
+ "2yq0",
+ "3o9z",
+ "7r1d",
+ "2g97",
+ "6zc1",
+ "1eo6",
+ "4gox",
+ "1n1y",
+ "2jid",
+ "4xkl",
+ "5kyj",
+ "3vak",
+ "6pp8",
+ "1swb",
+ "4uo7",
+ "7krf",
+ "6sk3",
+ "5lfz",
+ "6fi7",
+ "5ypi",
+ "2jzv",
+ "3fyh",
+ "1nf5",
+ "8gbd",
+ "7q7v",
+ "5cgf",
+ "5ny6",
+ "7ekh",
+ "2j41",
+ "5npn",
+ "6tn9",
+ "5d43",
+ "1f8x",
+ "7xo6",
+ "7e88",
+ "5pjk",
+ "3rjj",
+ "7yvs",
+ "1pa2",
+ "1lks",
+ "1llb",
+ "5m7j",
+ "4ikf",
+ "6bwj",
+ "1rc7",
+ "3aqz",
+ "3sf4",
+ "8fyp",
+ "7l8x",
+ "2v2h",
+ "8hj0",
+ "8gup",
+ "2m48",
+ "7mhz",
+ "8hds",
+ "3ee3",
+ "7zel",
+ "6k7f",
+ "5rc6",
+ "4eo3",
+ "4h02",
+ "3ajv",
+ "6iwt",
+ "7ns2",
+ "6t4w",
+ "4rgz",
+ "1gn6",
+ "4pjh",
+ "7sxb",
+ "7cx4",
+ "5ad4",
+ "3mtr",
+ "7dy7",
+ "1id1",
+ "2pcd",
+ "3znp",
+ "3q46",
+ "4h2t",
+ "5tvy",
+ "7oc1",
+ "1jol",
+ "5ami",
+ "1hdq",
+ "3fad",
+ "4ngi",
+ "1qgy",
+ "7sv2",
+ "2rip",
+ "3tsh",
+ "2lif",
+ "4kth",
+ "1ayo",
+ "5xl8",
+ "4l5a",
+ "7ov2",
+ "3ee7",
+ "1irp",
+ "2eug",
+ "3esp",
+ "8e1t",
+ "8air",
+ "2p7o",
+ "1jp4",
+ "7ef9",
+ "2k33",
+ "7jjo",
+ "6n26",
+ "3k26",
+ "5lrr",
+ "3w9e",
+ "2r4o",
+ "5ooh",
+ "6ajd",
+ "9ilb",
+ "7lux",
+ "2npm",
+ "3tvx",
+ "6gfg",
+ "4p0a",
+ "6qed",
+ "3dc5",
+ "6ws3",
+ "6z61",
+ "4bb9",
+ "1w6f",
+ "3sk0",
+ "3e5q",
+ "2dx3",
+ "3gj7",
+ "3q0p",
+ "1hl7",
+ "6t3x",
+ "6rs9",
+ "1y2f",
+ "5o9p",
+ "5yu0",
+ "5eoo",
+ "2lx6",
+ "8bgo",
+ "5noa",
+ "3pgs",
+ "1dpp",
+ "6r9q",
+ "8age",
+ "6y4m",
+ "4ws3",
+ "7wjv",
+ "6w0x",
+ "6vee",
+ "3imr",
+ "2vd4",
+ "6tzc",
+ "5y9d",
+ "5pqh",
+ "7u12",
+ "1l3p",
+ "1zt2",
+ "3ffk",
+ "6gpz",
+ "4a8h",
+ "6vlb",
+ "2r6g",
+ "1jnu",
+ "5hnf",
+ "3n76",
+ "3lsy",
+ "1r3r",
+ "2e51",
+ "1vdf",
+ "4dw7",
+ "2y7c",
+ "3mpt",
+ "3uet",
+ "5ncl",
+ "4q7d",
+ "7bpb",
+ "1s5f",
+ "1pbn",
+ "7yy2",
+ "3l9r",
+ "4ttr",
+ "2e5y",
+ "4r28",
+ "4r5f",
+ "4aiy",
+ "1gl1",
+ "6ish",
+ "4s1y",
+ "2pzt",
+ "6ift",
+ "3et7",
+ "5rvu",
+ "4lu9",
+ "3hud",
+ "1o2m",
+ "1g30",
+ "4gbr",
+ "3m5i",
+ "7ce0",
+ "5m55",
+ "5ova",
+ "5ph0",
+ "6vtt",
+ "5sww",
+ "1jnf",
+ "8bdf",
+ "3sij",
+ "4bt2",
+ "2k88",
+ "6atf",
+ "7ul7",
+ "6gzd",
+ "1gq9",
+ "7vna",
+ "6olv",
+ "7bp1",
+ "6e0k",
+ "2jq2",
+ "2epn",
+ "5lmh",
+ "1ndl",
+ "4b7v",
+ "2uwa",
+ "7xxv",
+ "2bmw",
+ "6a0e",
+ "4bwl",
+ "3iwx",
+ "3p05",
+ "4tr5",
+ "3nqj",
+ "1jci",
+ "4j0q",
+ "1w1n",
+ "3nto",
+ "1foj",
+ "1yks",
+ "7al2",
+ "6mf5",
+ "5gki",
+ "6cuu",
+ "5jqk",
+ "7m6d",
+ "4ruy",
+ "4kmz",
+ "8dtu",
+ "3u6a",
+ "1pu9",
+ "1wme",
+ "2h85",
+ "6j6y",
+ "6vgz",
+ "4h7k",
+ "6gm0",
+ "5ujk",
+ "5yfc",
+ "2jy8",
+ "1tbl",
+ "1n7w",
+ "5xpe",
+ "4j04",
+ "7nev",
+ "2yfi",
+ "4tru",
+ "5ait",
+ "8eat",
+ "7vdd",
+ "2d2m",
+ "6evb",
+ "5x73",
+ "6ayz",
+ "1dqj",
+ "4aai",
+ "1dqu",
+ "7er9",
+ "3r0r",
+ "1wcf",
+ "2gw9",
+ "1kkf",
+ "3myi",
+ "4mmv",
+ "5z6e",
+ "5l9y",
+ "7jyy",
+ "1sfg",
+ "1v9d",
+ "2y6g",
+ "1gq1",
+ "2obo",
+ "5llv",
+ "4p4d",
+ "7qbe",
+ "6e2a",
+ "5mog",
+ "5xrl",
+ "8fs1",
+ "6yd9",
+ "1m3k",
+ "6c39",
+ "1dlr",
+ "6ml4",
+ "7alg",
+ "3ea1",
+ "5apv",
+ "1huv",
+ "5i2q",
+ "1n7h",
+ "2yl6",
+ "4gok",
+ "3kk1",
+ "4mus",
+ "201l",
+ "5kjd",
+ "6b1q",
+ "4tmx",
+ "6lz6",
+ "4mto",
+ "3eih",
+ "1zr7",
+ "4hnj",
+ "4je8",
+ "3nkn",
+ "7x73",
+ "4oht",
+ "1kv7",
+ "1vcu",
+ "4bob",
+ "7b5d",
+ "5o8p",
+ "6zbg",
+ "7r7u",
+ "3jpo",
+ "4bir",
+ "3izk",
+ "6euf",
+ "1sn4",
+ "3vdu",
+ "3e7t",
+ "3ln4",
+ "4mu5",
+ "3hfo",
+ "5yll",
+ "1fa3",
+ "1ba9",
+ "4j4w",
+ "3eb5",
+ "3qd8",
+ "6u8h",
+ "5efx",
+ "3kus",
+ "7ln6",
+ "2bqb",
+ "6luo",
+ "3n42",
+ "3rny",
+ "6a06",
+ "3k5h",
+ "6jqs",
+ "6e9r",
+ "2fv1",
+ "1now",
+ "1btc",
+ "3wjm",
+ "1a11",
+ "2ayj",
+ "3uwi",
+ "6xbk",
+ "1d5l",
+ "3dit",
+ "5rcf",
+ "8a6t",
+ "2zdl",
+ "5fm9",
+ "5wkk",
+ "2lxc",
+ "2ioa",
+ "6ur4",
+ "3aqm",
+ "6zjp",
+ "5pm8",
+ "6ggg",
+ "2vxf",
+ "7xb0",
+ "4ffl",
+ "5gyq",
+ "3zi8",
+ "6osj",
+ "4nww",
+ "4kkl",
+ "6tp5",
+ "6nw2",
+ "2ofq",
+ "8cl4",
+ "2nna",
+ "5hf8",
+ "1bhy",
+ "4ygg",
+ "4rzz",
+ "7c1b",
+ "4mtp",
+ "3vvt",
+ "3pog",
+ "1f8u",
+ "1dlm",
+ "7nw0",
+ "5unz",
+ "3sxd",
+ "3cjs",
+ "6iey",
+ "3n78",
+ "7ppa",
+ "1phc",
+ "8gzc",
+ "6sy1",
+ "4mub",
+ "2mxb",
+ "8dqu",
+ "2aat",
+ "6rl2",
+ "5p4a",
+ "7z6s",
+ "4qv7",
+ "2jkl",
+ "3eq1",
+ "7ex6",
+ "1kdw",
+ "4qby",
+ "5vem",
+ "7o4n",
+ "3zoi",
+ "1g06",
+ "3uug",
+ "2y31",
+ "6wy5",
+ "2cgt",
+ "5fzz",
+ "4xv5",
+ "3un3",
+ "3i5c",
+ "7uaw",
+ "6c4t",
+ "2qxl",
+ "6pn6",
+ "1rx4",
+ "2dhr",
+ "3v08",
+ "7xem",
+ "7nf2",
+ "4lkq",
+ "4ywa",
+ "1f3k",
+ "5ybm",
+ "5gas",
+ "4l4j",
+ "3tzx",
+ "2c27",
+ "3fub",
+ "2xgs",
+ "1ulp",
+ "1pk4",
+ "6j67",
+ "1bfn",
+ "5rsy",
+ "4ch4",
+ "6s89",
+ "4ruv",
+ "6afk",
+ "1oz7",
+ "8h89",
+ "3omx",
+ "6fer",
+ "4jml",
+ "4f99",
+ "6bdz",
+ "3c92",
+ "1lvu",
+ "2xzr",
+ "1acm",
+ "8ccw",
+ "1pcx",
+ "2xo7",
+ "3nz1",
+ "1wbi",
+ "3u6h",
+ "2xca",
+ "2rhi",
+ "1acf",
+ "6haj",
+ "4ebv",
+ "5yza",
+ "6x6e",
+ "6x2o",
+ "4d88",
+ "4ywc",
+ "5uta",
+ "8he3",
+ "6q4a",
+ "4kp6",
+ "4e91",
+ "1ca1",
+ "5mqk",
+ "3v8v",
+ "8dz7",
+ "1qsj",
+ "5q16",
+ "3vnc",
+ "5kas",
+ "6hxu",
+ "5xgn",
+ "5fhf",
+ "6xvf",
+ "5pg6",
+ "6ce2",
+ "7zvq",
+ "5k33",
+ "7n87",
+ "5yam",
+ "7jy7",
+ "6gqy",
+ "2bmm",
+ "3f83",
+ "1rn4",
+ "2pyr",
+ "1i4g",
+ "2y7q",
+ "8af9",
+ "3tkb",
+ "2lc9",
+ "6xiz",
+ "1ven",
+ "1jlm",
+ "4bp0",
+ "4x8j",
+ "1q9i",
+ "6jfp",
+ "1h4p",
+ "2ary",
+ "5da4",
+ "3kl1",
+ "6a6v",
+ "5n7e",
+ "4r8w",
+ "4pl6",
+ "5n6b",
+ "5ibg",
+ "4ras",
+ "3a4t",
+ "7siz",
+ "7kfe",
+ "1mdz",
+ "5fou",
+ "3uy9",
+ "7w0w",
+ "1kkc",
+ "4hdm",
+ "6whd",
+ "2j9u",
+ "1jq9",
+ "5im4",
+ "1y57",
+ "1dg4",
+ "4edl",
+ "3x34",
+ "1y4r",
+ "6fx0",
+ "4anr",
+ "5hbb",
+ "7z5w",
+ "7t3k",
+ "7tj7",
+ "1jmy",
+ "7xp4",
+ "2cif",
+ "1vp6",
+ "2vpx",
+ "1bq3",
+ "3sae",
+ "4hbw",
+ "3o1u",
+ "1nfv",
+ "6wmu",
+ "6mjm",
+ "5p7l",
+ "2p2c",
+ "6rcj",
+ "1gcf",
+ "5ps9",
+ "7zu9",
+ "7v92",
+ "6j0u",
+ "2mte",
+ "1aoc",
+ "5al9",
+ "5dmb",
+ "4bc7",
+ "4an2",
+ "4m6k",
+ "1lhy",
+ "1chc",
+ "3o6g",
+ "4r5z",
+ "1sjy",
+ "3b2e",
+ "2y5s",
+ "3v9g",
+ "2z5w",
+ "3pqz",
+ "5kz0",
+ "4kmu",
+ "1q0a",
+ "1mp6",
+ "6vxg",
+ "1qox",
+ "6rae",
+ "2wae",
+ "5hgn",
+ "4dfw",
+ "2lq6",
+ "6bpn",
+ "6bap",
+ "4ztb",
+ "6dgo",
+ "6iah",
+ "3whu",
+ "3fl9",
+ "3g5o",
+ "3m5e",
+ "4jpg",
+ "4mw8",
+ "6sqr",
+ "7w32",
+ "5fpx",
+ "1idy",
+ "3lh0",
+ "5boa",
+ "1u4r",
+ "4bt4",
+ "7o3w",
+ "4luv",
+ "3v1a",
+ "4egh",
+ "5vzh",
+ "3ra0",
+ "4aa4",
+ "4qi0",
+ "3t2y",
+ "4o7f",
+ "4a20",
+ "4ac3",
+ "6gnl",
+ "3oaf",
+ "6agw",
+ "7op0",
+ "6jif",
+ "5wo9",
+ "5f52",
+ "5ke9",
+ "5rlh",
+ "3cvl",
+ "4gks",
+ "6sgi",
+ "1dq1",
+ "1oqs",
+ "4jv2",
+ "6mnz",
+ "4c5h",
+ "5ljq",
+ "6lx9",
+ "1c7d",
+ "4ybk",
+ "7nl5",
+ "1xyn",
+ "4rsc",
+ "4cif",
+ "1m0v",
+ "5hww",
+ "5vag",
+ "1n2i",
+ "6r76",
+ "3s9q",
+ "4afx",
+ "3zv5",
+ "2aaj",
+ "5win",
+ "3k49",
+ "1d1b",
+ "4ygq",
+ "5u4p",
+ "5r1v",
+ "2fvd",
+ "6zpi",
+ "1ohk",
+ "5nv6",
+ "1egc",
+ "2aqe",
+ "3wn2",
+ "4gh4",
+ "4k6j",
+ "6ij2",
+ "2wj4",
+ "5afb",
+ "3ww9",
+ "7o68",
+ "4exb",
+ "6u0t",
+ "1kgo",
+ "5k26",
+ "1c1q",
+ "1g0e",
+ "7nag",
+ "1aw6",
+ "4zhg",
+ "7nl4",
+ "1g1y",
+ "3t7k",
+ "3zwd",
+ "2xlk",
+ "5tr6",
+ "3p78",
+ "1ij8",
+ "2ftd",
+ "1oj7",
+ "4yux",
+ "6aj9",
+ "2p5r",
+ "4idu",
+ "4ija",
+ "5qyn",
+ "2l6k",
+ "2w5p",
+ "3n84",
+ "3x08",
+ "6f95",
+ "6rdy",
+ "4jmz",
+ "6u6r",
+ "3dbr",
+ "7eu4",
+ "3kan",
+ "4v0p",
+ "5cxh",
+ "1cb5",
+ "1dp5",
+ "7js6",
+ "6d2j",
+ "6v8b",
+ "1jzo",
+ "7k02",
+ "4y25",
+ "1wkf",
+ "1noh",
+ "4gxj",
+ "2xyg",
+ "1nur",
+ "3fw1",
+ "6fh2",
+ "1rf4",
+ "1tx4",
+ "2jr8",
+ "1xmj",
+ "4uet",
+ "5kjq",
+ "2ezb",
+ "6cil",
+ "2ai6",
+ "5dc4",
+ "2f5j",
+ "5nfg",
+ "4o3z",
+ "4eab",
+ "2rjf",
+ "5vie",
+ "2wzi",
+ "5mid",
+ "7k64",
+ "1kte",
+ "5d1o",
+ "1ghl",
+ "4opa",
+ "6zqk",
+ "1yy3",
+ "1rni",
+ "6e0r",
+ "2mkd",
+ "3jci",
+ "1sl7",
+ "3t9v",
+ "1z33",
+ "5pmx",
+ "2yga",
+ "6i8h",
+ "7ax1",
+ "5t2w",
+ "3lqh",
+ "3d5j",
+ "2jk1",
+ "5ibr",
+ "7ebi",
+ "3h67",
+ "2j3m",
+ "5iin",
+ "1uhb",
+ "6fu5",
+ "4r9u",
+ "4bw8",
+ "4ub8",
+ "3exj",
+ "4u31",
+ "5luk",
+ "5adg",
+ "4bmm",
+ "3bze",
+ "4bp1",
+ "5wjt",
+ "3atd",
+ "7q4l",
+ "1ahz",
+ "1tg6",
+ "3nsm",
+ "5hlo",
+ "5p53",
+ "6erc",
+ "1cph",
+ "7qme",
+ "7lky",
+ "5qm5",
+ "6v6d",
+ "2nd4",
+ "1ded",
+ "1qxp",
+ "5ig9",
+ "5ktp",
+ "5ocv",
+ "2i5b",
+ "6ig7",
+ "1urr",
+ "4rgb",
+ "2ndn",
+ "2ph4",
+ "3hgr",
+ "1rsi",
+ "1fcl",
+ "4lc5",
+ "6pfz",
+ "1h8c",
+ "1oag",
+ "4tvk",
+ "2pd5",
+ "1xu7",
+ "1vf5",
+ "4pp3",
+ "4ywb",
+ "1jjc",
+ "4yz1",
+ "4uqg",
+ "3qbp",
+ "1sd8",
+ "4zbh",
+ "1aa2",
+ "4jnm",
+ "1j0z",
+ "5nnk",
+ "1hnu",
+ "4eme",
+ "6yx4",
+ "3id3",
+ "1hmp",
+ "6s0n",
+ "5wjj",
+ "7d8v",
+ "7kvl",
+ "2gdw",
+ "8exy",
+ "6vwy",
+ "6fku",
+ "6i08",
+ "6rax",
+ "4xhc",
+ "5xjj",
+ "5a6x",
+ "7upv",
+ "3agx",
+ "7zmc",
+ "2pzg",
+ "6wo9",
+ "5wn1",
+ "7ntg",
+ "6ekw",
+ "5afl",
+ "1fl6",
+ "2rb8",
+ "4bue",
+ "4ux6",
+ "4qs7",
+ "6qpw",
+ "3t3c",
+ "5tvo",
+ "3f39",
+ "4wtl",
+ "2v23",
+ "6dlm",
+ "1ble",
+ "1tzu",
+ "1n20",
+ "5dl8",
+ "3h0y",
+ "1myi",
+ "7jyx",
+ "3ub6",
+ "3psx",
+ "4qvy",
+ "1adz",
+ "3a91",
+ "4uus",
+ "2nv9",
+ "5vet",
+ "4caj",
+ "3zok",
+ "7njf",
+ "5ajh",
+ "6ej9",
+ "2pix",
+ "5a5q",
+ "4h76",
+ "3wcl",
+ "7b9d",
+ "2dva",
+ "6trp",
+ "3a3j",
+ "1nue",
+ "1top",
+ "7u0s",
+ "2rbp",
+ "2yjh",
+ "5mkq",
+ "1cca",
+ "5ju9",
+ "3l81",
+ "5xoe",
+ "5mca",
+ "3mq0",
+ "3wq7",
+ "4rgq",
+ "4dix",
+ "2v2o",
+ "3wqt",
+ "2jfr",
+ "1vfu",
+ "6rra",
+ "2yb4",
+ "3le4",
+ "6vzr",
+ "3n0g",
+ "1qhe",
+ "6bfn",
+ "6kah",
+ "7u5h",
+ "5jbt",
+ "4h14",
+ "7siu",
+ "6e2j",
+ "6saj",
+ "5nxo",
+ "5zlk",
+ "6u51",
+ "6eb5",
+ "1p23",
+ "8cvn",
+ "7rc1",
+ "6bgd",
+ "4yko",
+ "5ojo",
+ "8bpy",
+ "6ozo",
+ "1fs3",
+ "3bsw",
+ "6t35",
+ "4g17",
+ "7pzi",
+ "3s2s",
+ "3gw1",
+ "5l5z",
+ "3zf1",
+ "5uuo",
+ "2mar",
+ "6rwq",
+ "4jbq",
+ "3ay0",
+ "2kr5",
+ "4zji",
+ "6p1n",
+ "4atx",
+ "5i6l",
+ "4zy5",
+ "1bit",
+ "5zc2",
+ "1ri8",
+ "3i2d",
+ "4qbj",
+ "5t8p",
+ "3qqq",
+ "2i6b",
+ "6ist",
+ "5irm",
+ "1qr5",
+ "6jbb",
+ "5n9v",
+ "4hga",
+ "7cri",
+ "7d7l",
+ "4nxc",
+ "3jue",
+ "5p2v",
+ "3d3k",
+ "4oah",
+ "8dt5",
+ "6jyl",
+ "2mcn",
+ "4iuu",
+ "5vgb",
+ "1w16",
+ "4yf4",
+ "3ncm",
+ "5a6v",
+ "1fmy",
+ "5h0q",
+ "2zle",
+ "4adu",
+ "5hsh",
+ "5xns",
+ "1fnm",
+ "4utf",
+ "3tq1",
+ "3e22",
+ "3ajh",
+ "5awz",
+ "3omu",
+ "1h1x",
+ "3ilb",
+ "3b3q",
+ "2mrw",
+ "3ssg",
+ "6z40",
+ "5twn",
+ "2hhi",
+ "1wkq",
+ "1lr5",
+ "5ooa",
+ "1ex3",
+ "6xi7",
+ "7agt",
+ "3tt4",
+ "6g2t",
+ "3a9b",
+ "5yqn",
+ "3tsu",
+ "5o2t",
+ "2vn7",
+ "4f4v",
+ "6cfz",
+ "4c9c",
+ "3ufr",
+ "4crv",
+ "6bc7",
+ "1gh5",
+ "2g6k",
+ "4mh1",
+ "4fnn",
+ "5rfx",
+ "1kss",
+ "6rvk",
+ "2uwc",
+ "2msr",
+ "5a1i",
+ "5l50",
+ "5pyn",
+ "1xrd",
+ "6qve",
+ "2b24",
+ "4cjt",
+ "3vg4",
+ "7kd9",
+ "2ddk",
+ "6tyv",
+ "7r1w",
+ "8e80",
+ "4bde",
+ "6jwu",
+ "8b8v",
+ "6fbl",
+ "2nti",
+ "2r8y",
+ "3q2h",
+ "5d2o",
+ "1izo",
+ "3v9u",
+ "3gde",
+ "5dp8",
+ "7na0",
+ "7bez",
+ "6o9a",
+ "4lyh",
+ "5ntu",
+ "4iz9",
+ "6riy",
+ "5vod",
+ "7rpa",
+ "6ovo",
+ "5hee",
+ "1px0",
+ "5sqv",
+ "4pl7",
+ "2j0j",
+ "6aeh",
+ "7n5l",
+ "3ee4",
+ "6w59",
+ "7lqu",
+ "2kre",
+ "5z82",
+ "5jbl",
+ "1lr9",
+ "5auz",
+ "6os6",
+ "8de1",
+ "4mmy",
+ "4qpy",
+ "6zyo",
+ "1hbi",
+ "6hnn",
+ "2dw3",
+ "6fp6",
+ "2ha3",
+ "5cxs",
+ "2g5d",
+ "3hvs",
+ "6jw9",
+ "7eq5",
+ "2q39",
+ "7u0e",
+ "2vk8",
+ "1mc7",
+ "6s2g",
+ "4zb7",
+ "2iu0",
+ "5d2a",
+ "6eex",
+ "7z80",
+ "6fxx",
+ "4ht2",
+ "3awi",
+ "3ik3",
+ "4cs4",
+ "7s7l",
+ "6f6j",
+ "3u18",
+ "7riw",
+ "2j9b",
+ "3tnj",
+ "3s1i",
+ "6fi2",
+ "2lov",
+ "1og2",
+ "3vc0",
+ "2gt8",
+ "5a7w",
+ "1r63",
+ "6b3c",
+ "4cmk",
+ "5lft",
+ "1qtb",
+ "4x11",
+ "4jlm",
+ "1vqh",
+ "4z7z",
+ "5kun",
+ "1fcy",
+ "1s12",
+ "3key",
+ "4me4",
+ "5fmg",
+ "4wfq",
+ "7pu0",
+ "3ezw",
+ "8id3",
+ "3gke",
+ "3rn2",
+ "6myt",
+ "4yow",
+ "1iwp",
+ "3bol",
+ "3tuo",
+ "1ckz",
+ "2ww1",
+ "7xjo",
+ "3vwj",
+ "4r10",
+ "2itc",
+ "7lm9",
+ "5iuc",
+ "5boq",
+ "3hab",
+ "1jxa",
+ "4cvy",
+ "6ptz",
+ "2gtn",
+ "5rg3",
+ "7np3",
+ "6n8q",
+ "1wvj",
+ "4bfm",
+ "4ubm",
+ "3pci",
+ "4i6o",
+ "7jsm",
+ "6gae",
+ "7uko",
+ "5o0u",
+ "4ck9",
+ "4wij",
+ "5lws",
+ "3pw2",
+ "4m6t",
+ "1wub",
+ "5bu2",
+ "1klk",
+ "5tnc",
+ "7lkw",
+ "1ciq",
+ "3ba4",
+ "4n7g",
+ "5j2p",
+ "3bel",
+ "7pwm",
+ "4uuj",
+ "6bek",
+ "5m1e",
+ "6vgm",
+ "2l5g",
+ "6d6f",
+ "4u9k",
+ "1pod",
+ "1idq",
+ "5akb",
+ "5mnf",
+ "1niv",
+ "4axc",
+ "7z36",
+ "5m22",
+ "2ym7",
+ "4bkl",
+ "6dpz",
+ "7cfx",
+ "2wue",
+ "6fnz",
+ "2aqf",
+ "2xv2",
+ "7p7l",
+ "3o0o",
+ "7a00",
+ "2bgd",
+ "1tzx",
+ "2fyz",
+ "1izb",
+ "3iyl",
+ "7owx",
+ "4mfk",
+ "1qui",
+ "1slm",
+ "3aih",
+ "5pkw",
+ "2v6y",
+ "7mpm",
+ "3who",
+ "2i0y",
+ "2r34",
+ "1t4c",
+ "2kzg",
+ "4x5t",
+ "2d74",
+ "6p09",
+ "4tzr",
+ "2wd4",
+ "6go5",
+ "2kxc",
+ "1n68",
+ "7riy",
+ "2wry",
+ "1j1w",
+ "4y2y",
+ "1zzl",
+ "3v9j",
+ "4p8e",
+ "2j0z",
+ "3e8h",
+ "5ht7",
+ "5ibc",
+ "6ke9",
+ "2w0m",
+ "6ck2",
+ "6a7p",
+ "3s9d",
+ "4f86",
+ "4bba",
+ "6vzn",
+ "6qat",
+ "2ncu",
+ "7raw",
+ "2obl",
+ "3ktm",
+ "5v8w",
+ "1np1",
+ "2c4y",
+ "5pvw",
+ "6lyg",
+ "1i5e",
+ "2gmt",
+ "5njo",
+ "2nqg",
+ "7b32",
+ "7vxq",
+ "2xpg",
+ "6ebk",
+ "5osu",
+ "3erb",
+ "3nn2",
+ "5dsd",
+ "1wnw",
+ "1xk5",
+ "7tk5",
+ "7yx6",
+ "1xvv",
+ "2jvy",
+ "6rtd",
+ "2jac",
+ "6yg8",
+ "4qii",
+ "6vl6",
+ "2a10",
+ "4o07",
+ "2zgw",
+ "2n2m",
+ "6gu2",
+ "3bex",
+ "7p8n",
+ "7nk2",
+ "1ius",
+ "5yb0",
+ "5bre",
+ "6f4h",
+ "3k4z",
+ "2r8v",
+ "5ohf",
+ "1ulh",
+ "7lc5",
+ "7dfq",
+ "6w2b",
+ "6f8t",
+ "3sbl",
+ "4k82",
+ "2qgd",
+ "4o6j",
+ "1oh9",
+ "2vha",
+ "2y1n",
+ "6nac",
+ "4dm4",
+ "6y4r",
+ "5vit",
+ "6j5u",
+ "1snr",
+ "3rvi",
+ "4jgv",
+ "8ds0",
+ "7sa7",
+ "2rqf",
+ "5vn3",
+ "4yfp",
+ "4l35",
+ "3bb2",
+ "5f2f",
+ "5wa6",
+ "3a52",
+ "4cvb",
+ "1euf",
+ "4rhq",
+ "2zic",
+ "3kle",
+ "3dbs",
+ "2o7u",
+ "2vi0",
+ "7q6q",
+ "1fzh",
+ "5y2h",
+ "2nua",
+ "7az7",
+ "5dc6",
+ "3twd",
+ "7ygw",
+ "5fta",
+ "6jsg",
+ "2kg4",
+ "7k4e",
+ "5ub0",
+ "4j47",
+ "4x2i",
+ "8dt7",
+ "2jiz",
+ "3bh3",
+ "1dxt",
+ "2v1v",
+ "4y15",
+ "2xnt",
+ "3rpg",
+ "8df2",
+ "1ey0",
+ "4v01",
+ "5ixb",
+ "1nf2",
+ "4pxh",
+ "3vqq",
+ "2du0",
+ "1pdb",
+ "5csf",
+ "1yaq",
+ "6uzb",
+ "1yf2",
+ "6kql",
+ "7bj4",
+ "1ww2",
+ "7rdt",
+ "2ql9",
+ "4mjr",
+ "1ndf",
+ "4w56",
+ "3c7z",
+ "3b4n",
+ "6vcg",
+ "5l7a",
+ "7b9n",
+ "3mma",
+ "6kc2",
+ "4dxb",
+ "7nce",
+ "6nnd",
+ "1pk8",
+ "6v0o",
+ "2a4d",
+ "1m4u",
+ "7xte",
+ "5t5k",
+ "1pjm",
+ "5h5l",
+ "4ave",
+ "8aem",
+ "2qz3",
+ "7ohc",
+ "1fcg",
+ "3e5l",
+ "7nfd",
+ "4avr",
+ "6df4",
+ "6fmw",
+ "4fft",
+ "2c7x",
+ "1non",
+ "8d1e",
+ "4ign",
+ "3byc",
+ "5hm5",
+ "4hr9",
+ "5o3r",
+ "1pi6",
+ "7cq0",
+ "5kmp",
+ "4n0f",
+ "1sg6",
+ "5tw5",
+ "4gmx",
+ "3f0f",
+ "6vlc",
+ "7awh",
+ "3d2t",
+ "7mzm",
+ "6zlu",
+ "1rd6",
+ "4mk0",
+ "3ret",
+ "3q9n",
+ "4jhu",
+ "251l",
+ "1m9n",
+ "7f14",
+ "7r9t",
+ "2bht",
+ "2vfe",
+ "1a5s",
+ "2n9o",
+ "2oyp",
+ "1v4h",
+ "2jyp",
+ "3dvh",
+ "4rto",
+ "4gtd",
+ "5kju",
+ "2l7a",
+ "2wf2",
+ "2a2s",
+ "1zzv",
+ "3t6a",
+ "6yhu",
+ "1x1s",
+ "1ae2",
+ "4jeh",
+ "7nca",
+ "2y3k",
+ "4jk7",
+ "6sjp",
+ "5mat",
+ "5b5h",
+ "7s9z",
+ "1yr7",
+ "1mmb",
+ "3gfm",
+ "3tdh",
+ "3qoa",
+ "6i7z",
+ "4f56",
+ "3gma",
+ "2abe",
+ "6e90",
+ "1ken",
+ "2ypr",
+ "7cgn",
+ "3rdd",
+ "2vzg",
+ "3zs2",
+ "5vcj",
+ "5icx",
+ "6ue7",
+ "5lz7",
+ "1qcm",
+ "7xfp",
+ "7bjx",
+ "6j1y",
+ "6mga",
+ "3ae7",
+ "3hg2",
+ "2mqf",
+ "4fqi",
+ "6xbb",
+ "2f3w",
+ "2bz8",
+ "4fa5",
+ "5im3",
+ "5i0l",
+ "2y0d",
+ "6hbn",
+ "3k3g",
+ "6zzo",
+ "6tbf",
+ "4muh",
+ "3vvm",
+ "7e7e",
+ "1lgp",
+ "6jpp",
+ "5aal",
+ "6x19",
+ "2uzg",
+ "8dcq",
+ "7dgz",
+ "5mf5",
+ "8h2x",
+ "2rr0",
+ "7zyk",
+ "5pnp",
+ "2b5w",
+ "5csg",
+ "1r1c",
+ "7roi",
+ "1f1w",
+ "6ult",
+ "1opa",
+ "1zwm",
+ "5ibl",
+ "4nxa",
+ "1cbn",
+ "5nr8",
+ "3zpd",
+ "1rwr",
+ "2gt3",
+ "3ogk",
+ "6dxw",
+ "2j55",
+ "3rss",
+ "2qwx",
+ "3ta9",
+ "7yxf",
+ "6xby",
+ "3zwb",
+ "6h8l",
+ "6uo6",
+ "1b6v",
+ "7l19",
+ "3nne",
+ "2rno",
+ "1qf0",
+ "5ktc",
+ "6i22",
+ "1le7",
+ "6k42",
+ "5dai",
+ "2vlb",
+ "8ffe",
+ "2xow",
+ "2alr",
+ "5yum",
+ "7wvm",
+ "4pl3",
+ "1tcx",
+ "2jnq",
+ "4wek",
+ "4bu8",
+ "6gpn",
+ "1lmz",
+ "2yo2",
+ "4i7k",
+ "4uwk",
+ "5fi9",
+ "5ql0",
+ "7vqh",
+ "5tz0",
+ "6pcy",
+ "2k7y",
+ "1ya0",
+ "5ayv",
+ "5foz",
+ "7xrr",
+ "5ctx",
+ "7byd",
+ "1oxy",
+ "6sbb",
+ "8dg2",
+ "6ofa",
+ "5edv",
+ "1u1g",
+ "3msa",
+ "1xid",
+ "3i5r",
+ "1ots",
+ "6gi6",
+ "6o21",
+ "1w8q",
+ "6ut3",
+ "2y60",
+ "5m1d",
+ "7yu8",
+ "5hty",
+ "4xvl",
+ "4lt0",
+ "1jg7",
+ "1cl5",
+ "3fcl",
+ "6ipl",
+ "5nx1",
+ "3ws1",
+ "2vqq",
+ "3zu4",
+ "6uv2",
+ "6ksn",
+ "6vtf",
+ "6c83",
+ "5ojn",
+ "6ybx",
+ "2whm",
+ "2bum",
+ "5ehf",
+ "7xxw",
+ "4diz",
+ "3pbf",
+ "3f6h",
+ "1mi4",
+ "5js1",
+ "5k8c",
+ "4o72",
+ "3t4y",
+ "2jdy",
+ "6enz",
+ "2czi",
+ "1mel",
+ "2cjg",
+ "4b80",
+ "3hqy",
+ "5p8i",
+ "2zyc",
+ "3gry",
+ "6oky",
+ "2ol7",
+ "3g4g",
+ "2af0",
+ "1kwu",
+ "4elf",
+ "2zfc",
+ "4c7t",
+ "2agt",
+ "4atp",
+ "1ip3",
+ "2trt",
+ "1wbz",
+ "5l3f",
+ "5vsr",
+ "6a0u",
+ "8h59",
+ "4zu0",
+ "1vap",
+ "6mx6",
+ "7cza",
+ "5zvx",
+ "4ag0",
+ "4pkn",
+ "5dki",
+ "1ki3",
+ "3js2",
+ "4ytb",
+ "7rcp",
+ "4cnw",
+ "5dse",
+ "1m8d",
+ "4pgd",
+ "6klt",
+ "6fb0",
+ "6jvh",
+ "3ebz",
+ "1bm5",
+ "5bml",
+ "8ceq",
+ "6bub",
+ "1f71",
+ "6p96",
+ "3pl6",
+ "4pbr",
+ "6ht0",
+ "3uon",
+ "4y7w",
+ "2py4",
+ "6qw3",
+ "3mew",
+ "5akj",
+ "5i82",
+ "5fel",
+ "4kko",
+ "3hkn",
+ "1ggk",
+ "7tu5",
+ "5yfj",
+ "1wki",
+ "6viw",
+ "6iep",
+ "6qoz",
+ "6bks",
+ "1y9m",
+ "6jk7",
+ "4hkj",
+ "5d0m",
+ "3qq4",
+ "5tlg",
+ "6efa",
+ "2fun",
+ "6cll",
+ "1c5k",
+ "1iwu",
+ "4k4w",
+ "1eyi",
+ "6r6w",
+ "4aog",
+ "2plk",
+ "2dg4",
+ "2hox",
+ "5cpe",
+ "1ahc",
+ "5zlg",
+ "3az5",
+ "4is5",
+ "6o2h",
+ "8g67",
+ "1mlo",
+ "7sls",
+ "6ayd",
+ "6dab",
+ "7tr2",
+ "2a50",
+ "5kwb",
+ "6tnp",
+ "4zpq",
+ "4g08",
+ "4k8w",
+ "7vpa",
+ "1x10",
+ "4e6n",
+ "1pzq",
+ "4o04",
+ "5xe4",
+ "2xtw",
+ "4yuz",
+ "5gam",
+ "1fju",
+ "6vkm",
+ "2hwn",
+ "7kji",
+ "3tt1",
+ "6tu3",
+ "1ivg",
+ "7owl",
+ "7ruv",
+ "6pf1",
+ "2je0",
+ "1gfg",
+ "2qyg",
+ "2byh",
+ "5olr",
+ "1pbb",
+ "1m3v",
+ "7auh",
+ "7m5l",
+ "1p0m",
+ "5phv",
+ "4oof",
+ "3zm4",
+ "3kh3",
+ "1mm2",
+ "5l8z",
+ "2e4t",
+ "5kgl",
+ "2xfx",
+ "1nh4",
+ "3mng",
+ "2ebn",
+ "5m5b",
+ "5ji9",
+ "2vat",
+ "1nv0",
+ "6kjr",
+ "1a4p",
+ "2fhe",
+ "5xzt",
+ "1nx0",
+ "6gp5",
+ "2ezk",
+ "7ur7",
+ "3snl",
+ "6ps0",
+ "6nvr",
+ "5es9",
+ "5xg2",
+ "2xdb",
+ "1bu2",
+ "4jsh",
+ "2ww5",
+ "5ahl",
+ "1vzd",
+ "4ax3",
+ "2jul",
+ "4xou",
+ "7ra4",
+ "2r24",
+ "6wku",
+ "6bpb",
+ "1joj",
+ "3vvp",
+ "3e4a",
+ "6lqz",
+ "6y5j",
+ "2rnw",
+ "6s7w",
+ "7n3l",
+ "7un8",
+ "5mc5",
+ "7tfe",
+ "7djz",
+ "2ceu",
+ "4x0e",
+ "3zm7",
+ "1f4i",
+ "6fqx",
+ "2lkn",
+ "4r06",
+ "5v9f",
+ "7ccd",
+ "4xg3",
+ "1b6d",
+ "1sco",
+ "3v7f",
+ "1k0c",
+ "5g1r",
+ "1tty",
+ "6d5k",
+ "5lgn",
+ "2l8t",
+ "5pqz",
+ "6s2o",
+ "6v2s",
+ "7jn0",
+ "4u8m",
+ "2v8c",
+ "1egz",
+ "4ett",
+ "3mkn",
+ "4qz2",
+ "1foh",
+ "7a13",
+ "5zh1",
+ "2wmi",
+ "6cx2",
+ "4z2h",
+ "4czh",
+ "4ze2",
+ "2bjx",
+ "4bzq",
+ "2hjv",
+ "4nkx",
+ "5obx",
+ "1dso",
+ "1hpu",
+ "5h4i",
+ "2rn9",
+ "7mfc",
+ "3fou",
+ "6e5v",
+ "1x6u",
+ "8d3b",
+ "6z86",
+ "6o1t",
+ "7upp",
+ "7kac",
+ "3b8m",
+ "5dkq",
+ "7x6k",
+ "5tzv",
+ "3sy8",
+ "5hmz",
+ "6hh6",
+ "4cjd",
+ "5zwp",
+ "6k91",
+ "6t87",
+ "4isj",
+ "1wwc",
+ "5onk",
+ "4bhf",
+ "2vjo",
+ "5ick",
+ "4ttn",
+ "1zh7",
+ "6wi8",
+ "6w9k",
+ "5aqk",
+ "7drm",
+ "2mee",
+ "6kju",
+ "2y26",
+ "5ozd",
+ "4fa0",
+ "2aez",
+ "6fwp",
+ "7caj",
+ "3ra2",
+ "4p3f",
+ "4y5f",
+ "4wuo",
+ "3kyg",
+ "3dzf",
+ "3zfz",
+ "1m4p",
+ "4inr",
+ "1kx2",
+ "6pmf",
+ "1sjc",
+ "6j09",
+ "6o50",
+ "8aj7",
+ "3u0s",
+ "3tlh",
+ "5s2v",
+ "1gk4",
+ "5n5d",
+ "6whs",
+ "5uyr",
+ "1et5",
+ "3cyw",
+ "8dar",
+ "6hu1",
+ "5d10",
+ "1zot",
+ "1f5z",
+ "4pu7",
+ "1h81",
+ "6fhm",
+ "6qak",
+ "1jsi",
+ "5gk9",
+ "6f36",
+ "7cff",
+ "2xwq",
+ "2yxo",
+ "1tbj",
+ "2w5q",
+ "6j7y",
+ "5ldj",
+ "4obx",
+ "6k4h",
+ "7zhv",
+ "7agd",
+ "8a1z",
+ "6xfj",
+ "6twg",
+ "1u2e",
+ "6l3v",
+ "7up4",
+ "4yvs",
+ "2xus",
+ "2k94",
+ "4bvj",
+ "5aif",
+ "1t1y",
+ "4mq9",
+ "7qwu",
+ "1c1y",
+ "4g24",
+ "3b7n",
+ "2yw0",
+ "2bs1",
+ "4nz7",
+ "1zcv",
+ "4o1k",
+ "7b6e",
+ "6vod",
+ "7uk2",
+ "3o1s",
+ "4izy",
+ "3tan",
+ "4ei6",
+ "6i3s",
+ "1yc9",
+ "2wlk",
+ "6uiq",
+ "2bu8",
+ "3ug2",
+ "5m76",
+ "6i0r",
+ "1cq6",
+ "6biq",
+ "3w5t",
+ "5waa",
+ "7dz8",
+ "4hni",
+ "7xwq",
+ "2wvo",
+ "1ta2",
+ "1x6q",
+ "3nkd",
+ "4r99",
+ "6itp",
+ "3mzg",
+ "7dn8",
+ "5p2o",
+ "1d3b",
+ "3qff",
+ "5cnn",
+ "5klq",
+ "5jsn",
+ "4n6s",
+ "1tvw",
+ "2e0p",
+ "1su9",
+ "6k2o",
+ "2xhr",
+ "5z7m",
+ "6kj3",
+ "6h56",
+ "1cfq",
+ "4f1e",
+ "1bak",
+ "4io5",
+ "4lvo",
+ "6pf6",
+ "6hbw",
+ "2bet",
+ "7dqk",
+ "7l55",
+ "6yo2",
+ "1vbm",
+ "3u49",
+ "3rfg",
+ "3sgy",
+ "4qgk",
+ "2c9c",
+ "6dl1",
+ "2m9y",
+ "4x4h",
+ "5pv1",
+ "7r9v",
+ "3twq",
+ "1luf",
+ "1g9e",
+ "7rbw",
+ "1q2h",
+ "5y4k",
+ "5wzg",
+ "5gru",
+ "7smr",
+ "2q3o",
+ "1q7b",
+ "1hm4",
+ "4nji",
+ "3eth",
+ "4l9r",
+ "5twz",
+ "5pe4",
+ "8gxj",
+ "4i3i",
+ "7sgk",
+ "3cd0",
+ "5b8b",
+ "6du4",
+ "6f2d",
+ "1rrw",
+ "2pol",
+ "6igg",
+ "2hi9",
+ "5jor",
+ "5k87",
+ "1yrs",
+ "6j8l",
+ "5kxm",
+ "1a8f",
+ "1rnj",
+ "5psy",
+ "2wqs",
+ "2ase",
+ "4j8c",
+ "3mj9",
+ "3or6",
+ "1uog",
+ "5ag7",
+ "3ie9",
+ "6hv0",
+ "6ghv",
+ "1d5m",
+ "4ark",
+ "1jd3",
+ "7c0t",
+ "1nnd",
+ "6lyv",
+ "7ere",
+ "1ojn",
+ "5m1f",
+ "1gdi",
+ "6rxh",
+ "4zia",
+ "6r9w",
+ "6cj2",
+ "4x5f",
+ "1hiw",
+ "1gk5",
+ "7b9m",
+ "2pzr",
+ "5mhv",
+ "1zom",
+ "4fln",
+ "3qoe",
+ "3wxr",
+ "6hgc",
+ "2e1e",
+ "1j3z",
+ "1bl3",
+ "6pry",
+ "3cwk",
+ "2iy6",
+ "7qes",
+ "2yq1",
+ "1fr8",
+ "7pu8",
+ "7c3s",
+ "1h0p",
+ "2vtb",
+ "3fxy",
+ "4lvn",
+ "8fh4",
+ "1l9o",
+ "5yph",
+ "7snq",
+ "5fdg",
+ "2ht2",
+ "6lt8",
+ "2lvb",
+ "4tk4",
+ "3p7b",
+ "7p6c",
+ "3m5l",
+ "4m2o",
+ "1p1o",
+ "1z01",
+ "5pgc",
+ "1ft8",
+ "1pdh",
+ "5pxa",
+ "6u7o",
+ "7n83",
+ "2bki",
+ "5ceg",
+ "3isc",
+ "6p6d",
+ "1bzj",
+ "6dyn",
+ "1w5y",
+ "3t7e",
+ "7myl",
+ "6xzj",
+ "4bfx",
+ "4dij",
+ "3qi1",
+ "2mfl",
+ "4gxk",
+ "5p1f",
+ "6o5v",
+ "2jdl",
+ "6ng6",
+ "6o9e",
+ "4ww0",
+ "6sfj",
+ "3t42",
+ "2xpo",
+ "1s50",
+ "4eik",
+ "6x88",
+ "1dr3",
+ "8gss",
+ "7rbn",
+ "5md5",
+ "7vko",
+ "2hb4",
+ "5zw5",
+ "5hdb",
+ "4kpe",
+ "5a76",
+ "6dot",
+ "3s0z",
+ "7yjc",
+ "5l7n",
+ "6v0t",
+ "4u23",
+ "1hfj",
+ "6yor",
+ "2v6c",
+ "6vpj",
+ "3aqv",
+ "5oxi",
+ "4wjz",
+ "4z7u",
+ "4r6o",
+ "1cc8",
+ "2vxj",
+ "2iph",
+ "5g1q",
+ "2kr1",
+ "3elm",
+ "4j4p",
+ "4f2n",
+ "1e7u",
+ "1buj",
+ "1o03",
+ "2hmu",
+ "5g4d",
+ "1gnw",
+ "7qax",
+ "7o4h",
+ "6pgc",
+ "2wv1",
+ "3zgy",
+ "5jyh",
+ "4o8f",
+ "7p9n",
+ "3d4m",
+ "1y22",
+ "5che",
+ "4d26",
+ "2xkh",
+ "2kxe",
+ "1teh",
+ "6f0j",
+ "4r0y",
+ "7u2b",
+ "1s6b",
+ "4u7u",
+ "6rmb",
+ "4z0e",
+ "4g9g",
+ "3ol7",
+ "1t3i",
+ "4qxk",
+ "2h2c",
+ "3rv2",
+ "4x99",
+ "1cxr",
+ "2wa4",
+ "5qff",
+ "9gss",
+ "1sij",
+ "2o8x",
+ "6m4n",
+ "5n1b",
+ "1ixe",
+ "6eay",
+ "4fi9",
+ "6p66",
+ "6axw",
+ "5why",
+ "6dq6",
+ "3lv2",
+ "6dom",
+ "4h1i",
+ "3km4",
+ "3du7",
+ "4zm4",
+ "3fvh",
+ "5f99",
+ "1nj6",
+ "6uyb",
+ "2id2",
+ "5qf0",
+ "6w7s",
+ "6yii",
+ "8e4v",
+ "1m5u",
+ "1iyt",
+ "7w0l",
+ "1bvt",
+ "7tcs",
+ "4wti",
+ "7crz",
+ "4k4g",
+ "3pke",
+ "4zzj",
+ "6nsd",
+ "3wan",
+ "7qql",
+ "1evy",
+ "7xzx",
+ "3tut",
+ "1psn",
+ "1n8u",
+ "1tww",
+ "6c7h",
+ "2brw",
+ "2h4w",
+ "1r0h",
+ "1e77",
+ "2yfx",
+ "1up7",
+ "3zx2",
+ "6fp5",
+ "1ka1",
+ "2r7e",
+ "1ii9",
+ "2xna",
+ "5qzj",
+ "5ebv",
+ "6hdd",
+ "6zyi",
+ "4bxf",
+ "3lse",
+ "6n5g",
+ "6dj1",
+ "4v38",
+ "5y21",
+ "4qsa",
+ "3lb9",
+ "7cet",
+ "3ojf",
+ "3d3b",
+ "1opz",
+ "1dn3",
+ "6npd",
+ "2i46",
+ "3m2a",
+ "6efb",
+ "7cs2",
+ "2wul",
+ "6lvf",
+ "6mnm",
+ "5j23",
+ "6qh0",
+ "6kub",
+ "7y1r",
+ "4os5",
+ "2yap",
+ "4wts",
+ "5qep",
+ "5j76",
+ "4z0l",
+ "4zdg",
+ "6e0g",
+ "5cjo",
+ "1tiv",
+ "8cky",
+ "1a5b",
+ "6qb8",
+ "6mst",
+ "5enb",
+ "2ix5",
+ "1fh9",
+ "5pc5",
+ "3uu8",
+ "6hl7",
+ "7kxo",
+ "3o7k",
+ "3sud",
+ "4jke",
+ "5zr4",
+ "6rvg",
+ "4zd6",
+ "3r9p",
+ "3g5f",
+ "7ttt",
+ "4iy6",
+ "2j9g",
+ "2xa3",
+ "6zau",
+ "3ikn",
+ "6oke",
+ "4zbd",
+ "6s30",
+ "3cp4",
+ "2n73",
+ "3nj4",
+ "6wwk",
+ "5npd",
+ "5ces",
+ "3zu0",
+ "7yac",
+ "6iw8",
+ "4cy9",
+ "4qxi",
+ "1b2v",
+ "7b2p",
+ "4j7m",
+ "1fty",
+ "3w5p",
+ "1i1c",
+ "4m2m",
+ "3nfh",
+ "1kbc",
+ "4c4v",
+ "1t23",
+ "6bjh",
+ "2fqm",
+ "7xtj",
+ "5wbe",
+ "6exs",
+ "6f6l",
+ "6qkx",
+ "1xvy",
+ "1rfs",
+ "4ocf",
+ "2jcg",
+ "1qbq",
+ "7ewi",
+ "1znh",
+ "6n5y",
+ "2fxz",
+ "2vhv",
+ "4xm1",
+ "1zj2",
+ "5xsn",
+ "5yed",
+ "2vv1",
+ "6o3p",
+ "5fb3",
+ "7cgk",
+ "3ukv",
+ "1b7e",
+ "5yj4",
+ "1fmx",
+ "2phe",
+ "4gwm",
+ "2pqr",
+ "5k4g",
+ "4znx",
+ "7dwm",
+ "2xew",
+ "5x5j",
+ "6pg1",
+ "2gk2",
+ "1jsa",
+ "3c31",
+ "1d2v",
+ "2ync",
+ "2lzq",
+ "3t98",
+ "7jv2",
+ "7ltv",
+ "5k6w",
+ "5u43",
+ "8f0g",
+ "8dw4",
+ "1qkb",
+ "2bmv",
+ "5aqt",
+ "1gco",
+ "7cxd",
+ "5iew",
+ "5aej",
+ "3t74",
+ "1b0r",
+ "6nvt",
+ "3cyh",
+ "6tga",
+ "6e2v",
+ "7dvf",
+ "3rn6",
+ "6vu6",
+ "1xj1",
+ "1tnk",
+ "2lcl",
+ "1iq3",
+ "5p7f",
+ "7d30",
+ "4bix",
+ "2ec5",
+ "3wft",
+ "5ptv",
+ "4zx5",
+ "7qs8",
+ "6y9g",
+ "4v0c",
+ "5zur",
+ "4yfq",
+ "4rfv",
+ "6ooc",
+ "6epb",
+ "3tjo",
+ "6t73",
+ "6jjy",
+ "1aep",
+ "6rb5",
+ "4qv9",
+ "4dpg",
+ "5kj1",
+ "6wkg",
+ "6hl2",
+ "2ql2",
+ "1wae",
+ "4ghp",
+ "3auv",
+ "2yyl",
+ "6nkh",
+ "8dfo",
+ "3oyi",
+ "3ww0",
+ "6hgg",
+ "6vs1",
+ "2bwn",
+ "1ra9",
+ "5nn0",
+ "7jw7",
+ "2bx3",
+ "4rqn",
+ "1ul7",
+ "8e3g",
+ "2ym6",
+ "6lff",
+ "2pm4",
+ "1rxi",
+ "5rf9",
+ "1tx2",
+ "8dfg",
+ "3otr",
+ "7w3r",
+ "4f2g",
+ "1kdt",
+ "5jvt",
+ "4b40",
+ "5r3g",
+ "6myu",
+ "1rtg",
+ "6ykp",
+ "6bl8",
+ "1mb4",
+ "6wi4",
+ "4dg4",
+ "1v29",
+ "2nsp",
+ "1v3i",
+ "3mns",
+ "6wdp",
+ "3q8c",
+ "3fng",
+ "2z3n",
+ "4muy",
+ "5ytt",
+ "2q5q",
+ "6oh7",
+ "3ays",
+ "7xat",
+ "2bov",
+ "3zpr",
+ "6ls6",
+ "6t8g",
+ "8acl",
+ "6jbe",
+ "1ll4",
+ "1iny",
+ "6fez",
+ "6p95",
+ "3fnk",
+ "1hpg",
+ "3dez",
+ "6mqf",
+ "7lg8",
+ "2hvw",
+ "7nhi",
+ "2vgr",
+ "6lgf",
+ "2gjt",
+ "6rsk",
+ "1xo6",
+ "5tz3",
+ "1m0t",
+ "6a4v",
+ "1kuj",
+ "3t1x",
+ "1mnf",
+ "6huf",
+ "5kdl",
+ "7wsn",
+ "5xkn",
+ "4po0",
+ "6jzc",
+ "6xgv",
+ "6fe0",
+ "7ehp",
+ "7lns",
+ "5cox",
+ "7erp",
+ "1duy",
+ "6ng3",
+ "6hvo",
+ "8dyp",
+ "4s2y",
+ "1gb2",
+ "4um7",
+ "1i7i",
+ "4ruj",
+ "3tkr",
+ "1nms",
+ "1ew0",
+ "5ul0",
+ "1yjr",
+ "6xf8",
+ "7u5c",
+ "5agt",
+ "4y4r",
+ "5t42",
+ "7t5a",
+ "5eb1",
+ "6bzu",
+ "3vt7",
+ "5tc0",
+ "2i7b",
+ "5glh",
+ "7vae",
+ "5fk0",
+ "6fy4",
+ "2msk",
+ "6zlf",
+ "6t3u",
+ "6f47",
+ "3uck",
+ "6avy",
+ "5maq",
+ "4cwe",
+ "1q3h",
+ "1s68",
+ "3rth",
+ "4ple",
+ "6gxt",
+ "1dcz",
+ "7k3i",
+ "5m4v",
+ "5yyl",
+ "5h0m",
+ "1val",
+ "3rlr",
+ "4q6q",
+ "3m6f",
+ "4uxu",
+ "2rhc",
+ "6vwi",
+ "3tnm",
+ "1jap",
+ "6d97",
+ "7lk3",
+ "1osc",
+ "1yri",
+ "7k5k",
+ "4dkd",
+ "3g8s",
+ "2kfp",
+ "1db3",
+ "7q4o",
+ "3wjr",
+ "2xz1",
+ "2ovu",
+ "7lvu",
+ "4ae0",
+ "5lax",
+ "6hn3",
+ "3ben",
+ "2m8s",
+ "5ln8",
+ "6f39",
+ "5r3i",
+ "4ay2",
+ "6ho9",
+ "6m24",
+ "5ret",
+ "5h9e",
+ "4eta",
+ "3sgt",
+ "2qul",
+ "3tog",
+ "1qho",
+ "2m04",
+ "1m4w",
+ "3mif",
+ "3wba",
+ "7bgk",
+ "4fqe",
+ "3puk",
+ "6jx4",
+ "6j68",
+ "5je8",
+ "3g2t",
+ "1l5d",
+ "4mxa",
+ "4ndw",
+ "8drs",
+ "1pbe",
+ "5nbh",
+ "5gxb",
+ "2dka",
+ "6jcs",
+ "6ny0",
+ "4g80",
+ "5e3g",
+ "3wo1",
+ "3d9p",
+ "5iih",
+ "4eh6",
+ "6sbo",
+ "6kz4",
+ "6m7i",
+ "8ert",
+ "5wy8",
+ "6pgl",
+ "4k3b",
+ "6lch",
+ "1wzf",
+ "3awq",
+ "4bet",
+ "7tlf",
+ "6qrg",
+ "4ej4",
+ "5wl5",
+ "6jw5",
+ "1haw",
+ "7fru",
+ "3zpm",
+ "1ch9",
+ "7rms",
+ "1amb",
+ "5m8d",
+ "7wet",
+ "4yd1",
+ "7mlt",
+ "6x1a",
+ "5kph",
+ "5amh",
+ "6cm2",
+ "5f2b",
+ "2ho0",
+ "3nf3",
+ "4bvf",
+ "6irr",
+ "1zry",
+ "6qkq",
+ "3dop",
+ "2iob",
+ "7kgq",
+ "1kdx",
+ "4yem",
+ "5vt4",
+ "5jdi",
+ "4xpb",
+ "3b5h",
+ "1c60",
+ "5dmd",
+ "5kqx",
+ "5p3l",
+ "3mr1",
+ "3pgc",
+ "1s4n",
+ "4f1y",
+ "2v45",
+ "4i2e",
+ "6s5y",
+ "3r3x",
+ "5k9c",
+ "2n17",
+ "3u5o",
+ "2j0a",
+ "1qat",
+ "5y63",
+ "6c94",
+ "7d5b",
+ "4o4k",
+ "1e2f",
+ "6gx6",
+ "5pts",
+ "2ph9",
+ "1sq5",
+ "6chj",
+ "7d4b",
+ "2xrn",
+ "1ijr",
+ "4fqw",
+ "3pkv",
+ "2bvw",
+ "2wl0",
+ "3v15",
+ "1o30",
+ "2fhi",
+ "1nyf",
+ "2rfd",
+ "7fl1",
+ "4j1q",
+ "1c3s",
+ "3l6p",
+ "6n21",
+ "5v1g",
+ "3ixm",
+ "3sis",
+ "3wph",
+ "4ene",
+ "2jx2",
+ "1tlg",
+ "6kp3",
+ "6lwa",
+ "6n9b",
+ "7mxg",
+ "2kbw",
+ "2ruc",
+ "6sis",
+ "7uyy",
+ "1n4v",
+ "7szj",
+ "5m4a",
+ "5i3z",
+ "5y7y",
+ "1azz",
+ "5pkz",
+ "6xrp",
+ "3fwb",
+ "1ej4",
+ "5jck",
+ "2v0e",
+ "5pxt",
+ "3s8j",
+ "7c74",
+ "6qj2",
+ "5ywb",
+ "3lz9",
+ "1cx9",
+ "1c6e",
+ "7jkv",
+ "6iw3",
+ "1dsp",
+ "3dx6",
+ "4pk5",
+ "5kvs",
+ "2m0o",
+ "1dgf",
+ "1gw6",
+ "7cw2",
+ "5gmu",
+ "4fdp",
+ "8bj3",
+ "6hnz",
+ "5l7v",
+ "1pcn",
+ "6c59",
+ "1kxh",
+ "4a75",
+ "6koj",
+ "6gah",
+ "3vxx",
+ "1xxt",
+ "1ly4",
+ "7oml",
+ "6aec",
+ "1o62",
+ "7ash",
+ "3iyp",
+ "6vtb",
+ "1ybi",
+ "5co1",
+ "6nyl",
+ "6gco",
+ "7z5c",
+ "2vuo",
+ "5duc",
+ "6ehl",
+ "1e4o",
+ "4to8",
+ "4mnv",
+ "2nwl",
+ "1xyx",
+ "5laz",
+ "6g1k",
+ "7lcz",
+ "2ie6",
+ "5aez",
+ "8ctf",
+ "4fyr",
+ "1oo6",
+ "4mty",
+ "2jxo",
+ "2bxj",
+ "4iqx",
+ "2fp2",
+ "6sz5",
+ "3hpr",
+ "1ocq",
+ "6utd",
+ "2k2s",
+ "6hue",
+ "6aji",
+ "5rcu",
+ "6n3v",
+ "7ebp",
+ "7zl4",
+ "4lvq",
+ "6nrq",
+ "6u6b",
+ "2djy",
+ "7lim",
+ "4ub6",
+ "5pgg",
+ "5tg2",
+ "4f5c",
+ "5cbz",
+ "6iy8",
+ "4ie7",
+ "4it7",
+ "6ag4",
+ "6q35",
+ "5yyr",
+ "2aof",
+ "4l8f",
+ "3qrc",
+ "4zri",
+ "1vfi",
+ "6jvr",
+ "7nug",
+ "1swt",
+ "6r5z",
+ "2asu",
+ "6p59",
+ "6w6m",
+ "6yf0",
+ "2j71",
+ "6obi",
+ "6q4g",
+ "6toa",
+ "5lta",
+ "1itl",
+ "3n9y",
+ "7qnk",
+ "2w46",
+ "1hop",
+ "3f3t",
+ "5ndd",
+ "1m6d",
+ "5re2",
+ "6iyz",
+ "1u34",
+ "7l1s",
+ "5a1s",
+ "4j20",
+ "3dsx",
+ "3bny",
+ "5lgf",
+ "7kco",
+ "4mks",
+ "1tn0",
+ "3onf",
+ "5c8m",
+ "2g8f",
+ "7fk8",
+ "2gez",
+ "2oe1",
+ "5mah",
+ "6xi9",
+ "3umn",
+ "4as3",
+ "5g12",
+ "3s0k",
+ "1gdw",
+ "4ly6",
+ "253l",
+ "4d1m",
+ "1hci",
+ "2az1",
+ "4tpt",
+ "5pcl",
+ "3jyr",
+ "8cu6",
+ "4u9b",
+ "1lj9",
+ "5ng4",
+ "5wxk",
+ "4pku",
+ "2oo5",
+ "4wwn",
+ "4j9k",
+ "7o54",
+ "1q3e",
+ "1j30",
+ "4y7u",
+ "4dus",
+ "4jvn",
+ "3bqj",
+ "6qo5",
+ "8df5",
+ "4pqi",
+ "4dgb",
+ "2jeb",
+ "4uib",
+ "5my7",
+ "5dwg",
+ "5u28",
+ "5fsb",
+ "4b27",
+ "5ojr",
+ "6xrx",
+ "5a3t",
+ "7bvm",
+ "7rtc",
+ "1v76",
+ "6f1l",
+ "1wb4",
+ "2zzl",
+ "4k6n",
+ "6vcy",
+ "7d46",
+ "2hke",
+ "1tl7",
+ "3qle",
+ "6xyq",
+ "1he8",
+ "1t1s",
+ "5kds",
+ "3ofn",
+ "3qyx",
+ "1m7x",
+ "4uf2",
+ "3m9e",
+ "7yzy",
+ "5ccg",
+ "5avh",
+ "2g9y",
+ "7lr4",
+ "6jcf",
+ "3hlg",
+ "5wzv",
+ "3rtd",
+ "3rhq",
+ "2w37",
+ "7y3k",
+ "6nzn",
+ "6h3f",
+ "1utm",
+ "5to3",
+ "8flh",
+ "1bxb",
+ "5f1o",
+ "4znu",
+ "1cwi",
+ "4ub1",
+ "6b7p",
+ "2ccz",
+ "5jn6",
+ "3vmh",
+ "2jjr",
+ "2xbd",
+ "5c8l",
+ "7ssu",
+ "2ld1",
+ "5npm",
+ "3c60",
+ "7eyp",
+ "6ccs",
+ "6c1h",
+ "7xpt",
+ "7cmj",
+ "5bj4",
+ "6gfq",
+ "2n2n",
+ "8beb",
+ "3bw9",
+ "4nc8",
+ "6ei3",
+ "2ffy",
+ "6xf9",
+ "6hy7",
+ "5p0d",
+ "6usf",
+ "7dem",
+ "3ud9",
+ "3a6g",
+ "6vym",
+ "5wdl",
+ "5le5",
+ "3n38",
+ "2h6f",
+ "7mjr",
+ "7qqy",
+ "3s12",
+ "8eeh",
+ "3dp9",
+ "4r7n",
+ "1eu4",
+ "4lqp",
+ "1ppa",
+ "1t8k",
+ "7u2t",
+ "4y8l",
+ "6cef",
+ "1bsl",
+ "1qpo",
+ "7egt",
+ "6n96",
+ "6pal",
+ "1qft",
+ "7ush",
+ "6h1x",
+ "1on8",
+ "3lms",
+ "1p10",
+ "5ols",
+ "3u2t",
+ "6flr",
+ "2kfe",
+ "5u12",
+ "7qtv",
+ "6ke0",
+ "5z23",
+ "5xwa",
+ "1dxq",
+ "1yhw",
+ "6xvi",
+ "3gob",
+ "2yhm",
+ "3l1c",
+ "3sz7",
+ "7tsa",
+ "7w9x",
+ "2y6r",
+ "4dnz",
+ "1j91",
+ "7k7b",
+ "6oy8",
+ "5jsy",
+ "4hss",
+ "6bsy",
+ "7du0",
+ "4ehw",
+ "4oq9",
+ "6fid",
+ "6dqo",
+ "4czx",
+ "5wo8",
+ "3wjw",
+ "2ovd",
+ "8e24",
+ "4mlx",
+ "5k1v",
+ "19hc",
+ "4rxj",
+ "7cig",
+ "6ne0",
+ "5o7g",
+ "4beh",
+ "2fh1",
+ "2zl3",
+ "7kzx",
+ "6o5k",
+ "6f1t",
+ "5gjm",
+ "2id5",
+ "2ybh",
+ "1s9j",
+ "4hbt",
+ "6aff",
+ "5glx",
+ "7nlj",
+ "3hxu",
+ "1hx3",
+ "8hdf",
+ "6vgv",
+ "2m4z",
+ "2w7s",
+ "4g5d",
+ "7nnk",
+ "4pc8",
+ "2oit",
+ "4jbw",
+ "6swr",
+ "1um2",
+ "5wmt",
+ "6wim",
+ "6w36",
+ "5a4u",
+ "4rpo",
+ "4zrd",
+ "6r1v",
+ "1jic",
+ "1d2y",
+ "1va3",
+ "3n15",
+ "7dbg",
+ "3g6o",
+ "6r7o",
+ "5sa3",
+ "4fma",
+ "5xvl",
+ "5ysm",
+ "7vcq",
+ "2e9a",
+ "3tmj",
+ "5gjp",
+ "7mfk",
+ "1cuk",
+ "5hlx",
+ "3qtl",
+ "4hmo",
+ "7xpx",
+ "6jef",
+ "2kay",
+ "1rrv",
+ "1b98",
+ "7w6c",
+ "2jwh",
+ "2pn6",
+ "4lk1",
+ "3f3w",
+ "5vu7",
+ "7bvj",
+ "2vtj",
+ "5c8j",
+ "4b2p",
+ "7l4i",
+ "7u22",
+ "6ze1",
+ "2wv9",
+ "3lt8",
+ "3tkf",
+ "3ttf",
+ "5cy0",
+ "6nrj",
+ "6g8m",
+ "1oqq",
+ "2o3e",
+ "4ojt",
+ "2xsr",
+ "7upe",
+ "2hqh",
+ "1myf",
+ "5a89",
+ "4c1x",
+ "1fiv",
+ "1hh6",
+ "6rbv",
+ "1ni2",
+ "7tbx",
+ "5euy",
+ "8bhd",
+ "4a9u",
+ "2onh",
+ "5nwc",
+ "5e3n",
+ "5mg1",
+ "6vue",
+ "7omm",
+ "4zfg",
+ "2yep",
+ "4hmv",
+ "4pzc",
+ "3kfm",
+ "2k10",
+ "6nur",
+ "6eiw",
+ "4kya",
+ "6d01",
+ "2wg3",
+ "3mzc",
+ "1m1q",
+ "5rse",
+ "5xz9",
+ "7pyk",
+ "1kwf",
+ "6j8j",
+ "7kn4",
+ "2hdx",
+ "4rsj",
+ "4ktv",
+ "4irl",
+ "3cw0",
+ "2bmz",
+ "2dh4",
+ "1hg7",
+ "4ttb",
+ "5c3g",
+ "4z65",
+ "6cx0",
+ "5ire",
+ "1a9u",
+ "7y3y",
+ "3vlc",
+ "4lyg",
+ "1rkl",
+ "5myg",
+ "5vzf",
+ "2bg2",
+ "7apt",
+ "4b20",
+ "6qrn",
+ "2cvw",
+ "3r2s",
+ "1c3x",
+ "6rf5",
+ "7df1",
+ "6rkx",
+ "3lxf",
+ "3r5n",
+ "3p5p",
+ "6jyg",
+ "5to7",
+ "6ufe",
+ "3olf",
+ "2zno",
+ "4k4j",
+ "5l2j",
+ "6xc4",
+ "2gls",
+ "4c3s",
+ "7kta",
+ "7s94",
+ "4clj",
+ "6fne",
+ "5b0a",
+ "4k4c",
+ "6i0m",
+ "3cav",
+ "6x48",
+ "6dz8",
+ "3hxb",
+ "4yxp",
+ "1qbg",
+ "3wwe",
+ "2l7l",
+ "5kmo",
+ "6qig",
+ "7l6n",
+ "6vm8",
+ "1jbd",
+ "1r5e",
+ "7jmv",
+ "1auz",
+ "4pfb",
+ "4na5",
+ "5r2g",
+ "1itq",
+ "2x3x",
+ "6yfv",
+ "3gxy",
+ "6j0p",
+ "2uzz",
+ "2j2p",
+ "1hso",
+ "4mai",
+ "1psf",
+ "6g37",
+ "7te0",
+ "2lie",
+ "6g3g",
+ "7tn3",
+ "7tjh",
+ "6yw8",
+ "6ic7",
+ "6khj",
+ "1syq",
+ "5f0g",
+ "4jbo",
+ "1j36",
+ "3anz",
+ "5hdu",
+ "2v32",
+ "3bto",
+ "2meh",
+ "8baj",
+ "6z9v",
+ "5sb6",
+ "1did",
+ "1giu",
+ "4m9h",
+ "7oxy",
+ "5kgm",
+ "7u84",
+ "1eos",
+ "7xar",
+ "3r7p",
+ "3l5f",
+ "1kop",
+ "1rl0",
+ "4f2t",
+ "4mny",
+ "1y4u",
+ "4jyg",
+ "6dpu",
+ "3aak",
+ "3pb0",
+ "8drj",
+ "7vab",
+ "2gvg",
+ "7t55",
+ "2wty",
+ "1bj3",
+ "4ll0",
+ "3kwj",
+ "5c0x",
+ "1klx",
+ "2hzf",
+ "3zml",
+ "3twu",
+ "4uxi",
+ "3nhn",
+ "5adf",
+ "2qc1",
+ "5u7c",
+ "6c1t",
+ "3zmu",
+ "1bt9",
+ "6ile",
+ "4gs6",
+ "3cbk",
+ "1fax",
+ "5ilw",
+ "1it5",
+ "4w9q",
+ "5zgl",
+ "4j2v",
+ "7kl8",
+ "2gtg",
+ "1i8v",
+ "3ivi",
+ "2bew",
+ "7ccj",
+ "1ai6",
+ "5yzn",
+ "1f6g",
+ "6i0n",
+ "6ysi",
+ "2rk4",
+ "1kww",
+ "5iay",
+ "6cb9",
+ "3fdo",
+ "1m60",
+ "4m9g",
+ "6ll6",
+ "2xyz",
+ "5v71",
+ "5f0q",
+ "5ypz",
+ "5lai",
+ "7ofo",
+ "6uep",
+ "7puv",
+ "4b8n",
+ "4a8v",
+ "1ry3",
+ "1w3f",
+ "2bdi",
+ "3r01",
+ "5rut",
+ "5tzp",
+ "5kl6",
+ "5nzz",
+ "7t7b",
+ "1f7n",
+ "4bia",
+ "1y0y",
+ "6mm9",
+ "7zgc",
+ "4zum",
+ "5xcc",
+ "1yy9",
+ "7ou7",
+ "3f5n",
+ "5ocq",
+ "5ls6",
+ "5x57",
+ "6r7z",
+ "4ikw",
+ "7kka",
+ "6mlq",
+ "3vzd",
+ "7rci",
+ "6xn7",
+ "7prd",
+ "7byw",
+ "4mme",
+ "3nxz",
+ "1igw",
+ "4fns",
+ "7vyr",
+ "1od9",
+ "4zte",
+ "7pv9",
+ "1zdt",
+ "4wlk",
+ "7cih",
+ "4nzo",
+ "1obr",
+ "5ted",
+ "6w0t",
+ "2e3b",
+ "3zh0",
+ "5e2d",
+ "5w88",
+ "7khp",
+ "3k6z",
+ "1py4",
+ "5box",
+ "3lc5",
+ "4qds",
+ "6lms",
+ "5jfr",
+ "2okr",
+ "7zhi",
+ "1jjz",
+ "4b3v",
+ "4mmg",
+ "2pkp",
+ "1inv",
+ "7qy9",
+ "6mdc",
+ "4lho",
+ "3v7r",
+ "6ots",
+ "3w1z",
+ "7kz6",
+ "3nik",
+ "3ay4",
+ "6y7w",
+ "5tkz",
+ "2e2n",
+ "6sud",
+ "2ot3",
+ "5ptc",
+ "7a3t",
+ "2f7t",
+ "8eeg",
+ "3nj8",
+ "6ihu",
+ "5s3r",
+ "6mfm",
+ "6ug1",
+ "3l4t",
+ "1cxu",
+ "5mfw",
+ "1u3l",
+ "1ftt",
+ "5vkk",
+ "7o1q",
+ "5nrk",
+ "5ehy",
+ "5qmc",
+ "5mfe",
+ "7n2a",
+ "7lze",
+ "1kfq",
+ "5x1v",
+ "2psh",
+ "6kjb",
+ "8a7o",
+ "4txp",
+ "1zh5",
+ "3hj5",
+ "7a4b",
+ "4ogh",
+ "3tsa",
+ "5tol",
+ "5v6f",
+ "4c3g",
+ "3rma",
+ "2c69",
+ "7awx",
+ "200l",
+ "6duy",
+ "2rhs",
+ "3h8o",
+ "1mpd",
+ "5dup",
+ "3jt2",
+ "4ts1",
+ "1i30",
+ "8fly",
+ "5e8u",
+ "7q6d",
+ "4upd",
+ "5frd",
+ "4a01",
+ "1laa",
+ "1qv1",
+ "3cyi",
+ "1j4n",
+ "4iky",
+ "7eft",
+ "4wna",
+ "7m15",
+ "2f2j",
+ "2kid",
+ "5nea",
+ "2w3l",
+ "4yg4",
+ "6gvd",
+ "6gup",
+ "6sf2",
+ "5xx0",
+ "5o7o",
+ "5iko",
+ "1ebu",
+ "1k8x",
+ "1dqs",
+ "4txm",
+ "3qh9",
+ "2m0p",
+ "6c4d",
+ "4s3q",
+ "3diw",
+ "1z8x",
+ "1vvc",
+ "3wjk",
+ "1j7w",
+ "3iwz",
+ "5nq9",
+ "1jd9",
+ "2j4i",
+ "7a4l",
+ "1qis",
+ "4f2k",
+ "6njl",
+ "2ij0",
+ "6u12",
+ "5has",
+ "4mji",
+ "2bt4",
+ "2yt4",
+ "5e4a",
+ "7cam",
+ "5s2i",
+ "5jns",
+ "2z8f",
+ "4k68",
+ "1nxg",
+ "1kaw",
+ "1rrp",
+ "5tpq",
+ "7keg",
+ "5gz9",
+ "4cra",
+ "3v1q",
+ "5ms6",
+ "6vjm",
+ "3opp",
+ "3o53",
+ "4bar",
+ "2cyf",
+ "5d6v",
+ "5u5u",
+ "6rsl",
+ "4kfm",
+ "4a6w",
+ "6k62",
+ "3gcq",
+ "5aq6",
+ "3n4b",
+ "2zi3",
+ "4x5p",
+ "6blq",
+ "4uyw",
+ "6ey2",
+ "5ie1",
+ "6y64",
+ "7eqz",
+ "4ccw",
+ "2mzt",
+ "1v34",
+ "6qyx",
+ "2fak",
+ "4qeh",
+ "2qqe",
+ "1yo2",
+ "3qzs",
+ "2v06",
+ "4gfb",
+ "1xph",
+ "4kbm",
+ "1kvz",
+ "7ooi",
+ "1aqf",
+ "7l0s",
+ "4aah",
+ "7jw2",
+ "5kcf",
+ "1dtw",
+ "7yy4",
+ "5hka",
+ "2wkk",
+ "2hbm",
+ "1ok8",
+ "4jgm",
+ "3hsb",
+ "3e0b",
+ "7rse",
+ "3bd2",
+ "2ps8",
+ "7c51",
+ "7t13",
+ "7apn",
+ "3dwp",
+ "2edc",
+ "7jwl",
+ "1b5o",
+ "5itq",
+ "2pgy",
+ "1iuh",
+ "3cxh",
+ "7mr5",
+ "6m7g",
+ "7b70",
+ "3v7x",
+ "2nnh",
+ "8b8k",
+ "1htv",
+ "1r0x",
+ "1zlr",
+ "5mka",
+ "4r70",
+ "5pke",
+ "5m3k",
+ "6f20",
+ "1l7j",
+ "3ojw",
+ "4zjk",
+ "3d7g",
+ "3wdf",
+ "1pz4",
+ "5jhw",
+ "6a93",
+ "4p9s",
+ "4zz8",
+ "6r0p",
+ "4f8n",
+ "4k10",
+ "3csr",
+ "3hus",
+ "3djo",
+ "6o52",
+ "2fgt",
+ "2d1j",
+ "1pcw",
+ "2jej",
+ "4eoz",
+ "1g5m",
+ "5c73",
+ "1irx",
+ "6lzp",
+ "5gsu",
+ "7csv",
+ "1tvq",
+ "1kdg",
+ "1snp",
+ "2yc1",
+ "4ekd",
+ "4hd0",
+ "6c0s",
+ "2qbp",
+ "4dk8",
+ "7xac",
+ "5el9",
+ "5pnf",
+ "3h24",
+ "3hjf",
+ "6x9p",
+ "1fn9",
+ "5znd",
+ "7ydi",
+ "6l5y",
+ "5yhu",
+ "7k0a",
+ "5xmc",
+ "3wlu",
+ "1or4",
+ "5faf",
+ "5e9h",
+ "7esq",
+ "3twr",
+ "2w7n",
+ "2uya",
+ "3bfr",
+ "5fx6",
+ "7lwg",
+ "6tx0",
+ "6ckb",
+ "2xzv",
+ "1dd2",
+ "1s2u",
+ "1ysi",
+ "4z9g",
+ "3vc4",
+ "4nnc",
+ "7bvk",
+ "5fqp",
+ "2lgf",
+ "2bz9",
+ "6pod",
+ "5rdc",
+ "3aka",
+ "3miy",
+ "6pql",
+ "4iox",
+ "5fus",
+ "3cg7",
+ "7rdn",
+ "3reg",
+ "5jwv",
+ "1noa",
+ "7vhf",
+ "1iye",
+ "5mia",
+ "3pnk",
+ "7nok",
+ "1k4r",
+ "3pd9",
+ "4a91",
+ "2w1n",
+ "3whm",
+ "3vw2",
+ "5zn5",
+ "7tk8",
+ "2bk4",
+ "2yw6",
+ "5ays",
+ "4hoe",
+ "1c39",
+ "6est",
+ "2k2i",
+ "1qsn",
+ "1f1v",
+ "6nol",
+ "6ode",
+ "1p1u",
+ "2g4y",
+ "6lx1",
+ "1ry8",
+ "5s5w",
+ "1rhl",
+ "3vin",
+ "7t86",
+ "3ud1",
+ "4que",
+ "7tfm",
+ "7qm7",
+ "7tb2",
+ "4j2b",
+ "6fsx",
+ "4l8c",
+ "3se0",
+ "7el5",
+ "3k6i",
+ "4ngw",
+ "7bzm",
+ "4ijc",
+ "1ybq",
+ "1z0b",
+ "4zm8",
+ "4z1a",
+ "6sah",
+ "7ne1",
+ "2zez",
+ "1e30",
+ "7qwy",
+ "4k42",
+ "8bb7",
+ "4nwi",
+ "4z50",
+ "8fkb",
+ "4il4",
+ "3kr7",
+ "4mp7",
+ "2a3y",
+ "6uky",
+ "1mux",
+ "5knn",
+ "5yoq",
+ "5owy",
+ "5dpx",
+ "2jbg",
+ "4uzf",
+ "6b3p",
+ "5l6a",
+ "3j7m",
+ "4cib",
+ "8auq",
+ "5k4c",
+ "6lr9",
+ "4afa",
+ "5ey1",
+ "3udw",
+ "4azs",
+ "4apl",
+ "5oeq",
+ "5kev",
+ "1mym",
+ "3p5g",
+ "5yov",
+ "7nkq",
+ "6lzy",
+ "1bag",
+ "4bnp",
+ "4d1g",
+ "5ii0",
+ "1fwe",
+ "4mxc",
+ "2xwl",
+ "2rsp",
+ "6oa0",
+ "2xk1",
+ "6qwn",
+ "5ycu",
+ "1sgh",
+ "1fx6",
+ "4cam",
+ "1mob",
+ "6cjr",
+ "7d97",
+ "2jsb",
+ "5wk1",
+ "4fsd",
+ "1v5w",
+ "4mz0",
+ "5t2o",
+ "7ura",
+ "3t1p",
+ "2kne",
+ "6zjw",
+ "7b17",
+ "5ctl",
+ "1cp3",
+ "7o0t",
+ "1t0p",
+ "4epp",
+ "2yaj",
+ "4gui",
+ "7r0z",
+ "6s8c",
+ "5pxi",
+ "6lbc",
+ "2yg6",
+ "6wxn",
+ "3prj",
+ "2qkx",
+ "2h40",
+ "1nqm",
+ "7jvm",
+ "6fzj",
+ "2nu7",
+ "5xly",
+ "2xag",
+ "7usk",
+ "3jz6",
+ "6v2e",
+ "4kvy",
+ "5gpr",
+ "5gqo",
+ "5nh9",
+ "6ea2",
+ "6uvj",
+ "6jy9",
+ "2psf",
+ "2w0z",
+ "1ubz",
+ "2c81",
+ "3v7q",
+ "1wqg",
+ "6qxa",
+ "6zko",
+ "1pc3",
+ "3pof",
+ "2kw6",
+ "1zxi",
+ "2fa0",
+ "7w3n",
+ "6foe",
+ "5rfm",
+ "3bso",
+ "4jvd",
+ "7jtw",
+ "5lq5",
+ "3c83",
+ "3rng",
+ "5i72",
+ "2i99",
+ "2gub",
+ "5ov9",
+ "6a44",
+ "5s9p",
+ "7eh1",
+ "1p5r",
+ "2k05",
+ "3kvc",
+ "1ou5",
+ "7xn6",
+ "1jpz",
+ "2xmh",
+ "7lke",
+ "4q4c",
+ "7jid",
+ "5afh",
+ "7c4z",
+ "5c23",
+ "6q4s",
+ "7zfe",
+ "3vxk",
+ "3n8g",
+ "7y0i",
+ "4cte",
+ "1wt5",
+ "6dyd",
+ "3ay8",
+ "3h4c",
+ "8dfi",
+ "4umf",
+ "3qs8",
+ "7oxh",
+ "3kdi",
+ "6dd6",
+ "1qd6",
+ "2y56",
+ "4y2n",
+ "3aly",
+ "2f0r",
+ "4ylr",
+ "4z8e",
+ "1ryy",
+ "1lgx",
+ "5icg",
+ "4kl6",
+ "2pqn",
+ "3cce",
+ "6mae",
+ "7uox",
+ "4rzc",
+ "3dk0",
+ "7teo",
+ "6i56",
+ "4r76",
+ "2aw6",
+ "2ia8",
+ "5odh",
+ "4yht",
+ "3dzm",
+ "2n0x",
+ "7n6j",
+ "2rky",
+ "2rav",
+ "3ojx",
+ "7l17",
+ "1m6u",
+ "5hnz",
+ "1ch8",
+ "4ru9",
+ "1jeg",
+ "4j21",
+ "2hoh",
+ "4hzr",
+ "7x9q",
+ "4xpt",
+ "5yqq",
+ "4z81",
+ "3he6",
+ "4qui",
+ "6qhy",
+ "5npo",
+ "5r1c",
+ "4jpp",
+ "6s0h",
+ "2jba",
+ "5g40",
+ "4rd1",
+ "4wk4",
+ "4ndi",
+ "2cn3",
+ "1wov",
+ "5wrb",
+ "2dua",
+ "2dkd",
+ "6tr0",
+ "5znx",
+ "5fp2",
+ "5lkd",
+ "2n70",
+ "1tlu",
+ "2lq7",
+ "4zsc",
+ "3j7i",
+ "6htz",
+ "4wop",
+ "2i2b",
+ "5oei",
+ "2de9",
+ "5ezp",
+ "8arn",
+ "1obu",
+ "2etb",
+ "2z85",
+ "6hph",
+ "5ra2",
+ "3aup",
+ "5dsr",
+ "6fji",
+ "2yr5",
+ "5h82",
+ "5rv8",
+ "2bzr",
+ "4ndf",
+ "2m6i",
+ "1qna",
+ "2ktu",
+ "4buo",
+ "5hff",
+ "5b2h",
+ "1s8i",
+ "6x1n",
+ "6xlo",
+ "5pxh",
+ "3b90",
+ "3q6r",
+ "4nxo",
+ "4x4s",
+ "2mxo",
+ "1t1g",
+ "7puy",
+ "8dzk",
+ "3zm3",
+ "1cby",
+ "1kaq",
+ "6tqp",
+ "4og8",
+ "1que",
+ "6l9j",
+ "6asr",
+ "4je4",
+ "2oph",
+ "4ygh",
+ "8a5f",
+ "5h4h",
+ "1qac",
+ "3di2",
+ "6vsf",
+ "1lp4",
+ "4g0d",
+ "5pro",
+ "5p1v",
+ "1gt5",
+ "7xl4",
+ "7ahe",
+ "2cjc",
+ "7xd1",
+ "6xof",
+ "5bur",
+ "6web",
+ "7jkz",
+ "5rg7",
+ "3a9f",
+ "3v1v",
+ "6zy2",
+ "4qrs",
+ "1nfd",
+ "4zsf",
+ "1tli",
+ "7ts3",
+ "3ftd",
+ "5zwh",
+ "4pg7",
+ "6l1o",
+ "3r6h",
+ "4ne0",
+ "5xf5",
+ "6v0f",
+ "4j6w",
+ "1uut",
+ "6j0f",
+ "7b88",
+ "3mz5",
+ "3us0",
+ "1k5k",
+ "5tvq",
+ "3jab",
+ "7t09",
+ "1cu0",
+ "6cx5",
+ "3wkx",
+ "3it2",
+ "1m74",
+ "7pwr",
+ "1bmz",
+ "2wch",
+ "8i99",
+ "7c5w",
+ "2i9e",
+ "4kin",
+ "6ac2",
+ "7b77",
+ "5a1g",
+ "4btt",
+ "7vhe",
+ "5niz",
+ "6imo",
+ "4up2",
+ "1nd2",
+ "5l9k",
+ "4plj",
+ "3reh",
+ "4nj4",
+ "3siq",
+ "1qpv",
+ "1x90",
+ "2bww",
+ "4fbz",
+ "7xce",
+ "2pon",
+ "3i2j",
+ "5w63",
+ "1f7e",
+ "5dxr",
+ "6bdv",
+ "1el7",
+ "4o0f",
+ "7urt",
+ "7sq6",
+ "2k4u",
+ "5df7",
+ "2p04",
+ "8d1k",
+ "6hhc",
+ "4ald",
+ "7c7r",
+ "1ky3",
+ "1fll",
+ "5z9m",
+ "3mna",
+ "5m4t",
+ "7xjh",
+ "6flf",
+ "2vlk",
+ "5urc",
+ "3ntr",
+ "5fur",
+ "6zfx",
+ "2x8h",
+ "1myu",
+ "2r7v",
+ "3gfr",
+ "4um1",
+ "2lqu",
+ "6pfw",
+ "5rph",
+ "5tof",
+ "5nfu",
+ "6uqv",
+ "5zgq",
+ "5wur",
+ "2hhd",
+ "7uas",
+ "7k7v",
+ "6obo",
+ "5oxw",
+ "4pyx",
+ "3oj7",
+ "5szm",
+ "3pm0",
+ "2vm5",
+ "3goy",
+ "2ea4",
+ "2fyc",
+ "1k0y",
+ "5zzp",
+ "1bnu",
+ "6jd5",
+ "2nud",
+ "3vif",
+ "4zdw",
+ "2dfi",
+ "2bsl",
+ "4x4i",
+ "4msu",
+ "5fvr",
+ "4lnr",
+ "5xg7",
+ "3mid",
+ "5w6u",
+ "5nm9",
+ "6k1r",
+ "3sko",
+ "3c91",
+ "4qw1",
+ "5veo",
+ "7bvq",
+ "1ts0",
+ "7r6r",
+ "4isf",
+ "4csw",
+ "5mjz",
+ "4gxn",
+ "5b5q",
+ "2lay",
+ "7f2e",
+ "4hdf",
+ "4e2t",
+ "5p5i",
+ "3i6z",
+ "1ia9",
+ "6ibx",
+ "5vf6",
+ "5bry",
+ "4bvn",
+ "6chy",
+ "5psu",
+ "7c5e",
+ "2g0h",
+ "5tej",
+ "4n1t",
+ "5fkx",
+ "6pox",
+ "5k3e",
+ "6r9j",
+ "5xbu",
+ "1a1t",
+ "4ick",
+ "6wnd",
+ "7mon",
+ "6uvp",
+ "6jwt",
+ "4k1g",
+ "5z8i",
+ "5brl",
+ "7ww7",
+ "5bs0",
+ "7x88",
+ "3lcp",
+ "4y0x",
+ "6vbh",
+ "6wkd",
+ "7qwn",
+ "6i37",
+ "7e44",
+ "8eqt",
+ "1rls",
+ "5nh6",
+ "6rk4",
+ "2kg1",
+ "7s0g",
+ "4fjn",
+ "2hg5",
+ "4ppm",
+ "2wg0",
+ "1ksz",
+ "3e5j",
+ "3n5v",
+ "6vcl",
+ "4b4w",
+ "7qut",
+ "4idf",
+ "4kgk",
+ "6ltz",
+ "2hle",
+ "1vyo",
+ "4bmy",
+ "5z9s",
+ "2bwm",
+ "11bg",
+ "2n46",
+ "7s9o",
+ "3c9w",
+ "5nll",
+ "3wi4",
+ "2h4r",
+ "2aza",
+ "2vsu",
+ "3g1k",
+ "1a47",
+ "5mwm",
+ "5ccp",
+ "5xej",
+ "4btu",
+ "7ovl",
+ "6hwi",
+ "6u59",
+ "2tss",
+ "4mgr",
+ "3tbd",
+ "6la8",
+ "5vot",
+ "5v8q",
+ "1s2l",
+ "6xa7",
+ "3cb6",
+ "4jvy",
+ "4n48",
+ "6amg",
+ "4yh6",
+ "6ov3",
+ "7zm0",
+ "3ojm",
+ "7q6f",
+ "8f3d",
+ "3v93",
+ "2bon",
+ "7bok",
+ "7kr5",
+ "6v7c",
+ "7esm",
+ "4k83",
+ "2whk",
+ "2va3",
+ "5s37",
+ "1b7d",
+ "6ppt",
+ "4j90",
+ "2mda",
+ "2bo4",
+ "4lp4",
+ "6f4l",
+ "5hh5",
+ "6fd8",
+ "1c05",
+ "2z6o",
+ "1ndh",
+ "3err",
+ "7flj",
+ "5xnt",
+ "5ut7",
+ "1z2x",
+ "6r2n",
+ "6g1x",
+ "5d9d",
+ "1o16",
+ "6f8r",
+ "6bfk",
+ "5pje",
+ "150l",
+ "3nqv",
+ "8hav",
+ "3en5",
+ "4f3e",
+ "1k70",
+ "7kx4",
+ "5dfc",
+ "5pw7",
+ "2lyh",
+ "6i4b",
+ "1l0l",
+ "2ajh",
+ "5r9u",
+ "1fwn",
+ "3p70",
+ "3nsn",
+ "1pr3",
+ "5wm2",
+ "5ll0",
+ "5xsw",
+ "1nst",
+ "2ccc",
+ "4e9u",
+ "6brx",
+ "3u6o",
+ "3h2o",
+ "4i6l",
+ "2jc9",
+ "3p6d",
+ "2ybn",
+ "5m5d",
+ "6rsz",
+ "7or9",
+ "3ufk",
+ "3lkz",
+ "1bx3",
+ "4z8s",
+ "4jfv",
+ "7oy7",
+ "4gav",
+ "6afz",
+ "7zcq",
+ "5ovf",
+ "3uk2",
+ "6svb",
+ "2xp3",
+ "1k26",
+ "4jzl",
+ "5mgw",
+ "6bfp",
+ "5t0k",
+ "4nd5",
+ "3rg0",
+ "7zzs",
+ "4ag1",
+ "3btp",
+ "1ceo",
+ "4cmg",
+ "2lis",
+ "5yws",
+ "1ck7",
+ "6svu",
+ "3les",
+ "1pys",
+ "4fpj",
+ "6uiv",
+ "2j75",
+ "1c9j",
+ "4s3h",
+ "2g2s",
+ "5j5j",
+ "5owd",
+ "4qwi",
+ "4w8z",
+ "7mmk",
+ "2kwx",
+ "1juy",
+ "6w6z",
+ "4i4l",
+ "6jvn",
+ "4dcl",
+ "2rpn",
+ "3ljd",
+ "6sbs",
+ "6n48",
+ "6jt3",
+ "3mup",
+ "6hmr",
+ "1u7w",
+ "1a1m",
+ "1m7g",
+ "4mfr",
+ "6dl4",
+ "1hc1",
+ "3bow",
+ "4y8y",
+ "1l5y",
+ "6so5",
+ "5ip2",
+ "3a9l",
+ "4gfa",
+ "5zgv",
+ "3bnk",
+ "3h9y",
+ "2plj",
+ "2jdd",
+ "4bpz",
+ "3q1x",
+ "5ugl",
+ "4d6i",
+ "2lng",
+ "5rct",
+ "7r8h",
+ "5o0i",
+ "6o3l",
+ "1yv1",
+ "3wop",
+ "7ons",
+ "1yaz",
+ "7mb9",
+ "7nq4",
+ "4yzq",
+ "6jnu",
+ "2guf",
+ "1qm6",
+ "3jyc",
+ "7px7",
+ "4e5i",
+ "1f04",
+ "6die",
+ "1io8",
+ "7o3x",
+ "1lpf",
+ "6ymw",
+ "3w2i",
+ "5g3x",
+ "6gde",
+ "2ya2",
+ "2w92",
+ "4net",
+ "7ax9",
+ "5oen",
+ "1nqh",
+ "1t2b",
+ "3pce",
+ "6o0v",
+ "2xhz",
+ "3hg1",
+ "1z9h",
+ "5qfb",
+ "3zbz",
+ "4d1a",
+ "1l5b",
+ "3fpb",
+ "4e11",
+ "5ksf",
+ "3ngu",
+ "5qoc",
+ "3hxo",
+ "4mzu",
+ "5pkc",
+ "2nrd",
+ "6m5w",
+ "4l52",
+ "2i7x",
+ "5xt8",
+ "2zv6",
+ "2hhc",
+ "6msp",
+ "4a6b",
+ "6b2y",
+ "1xlk",
+ "1hoe",
+ "4j6k",
+ "3wxm",
+ "8by3",
+ "7tkt",
+ "3ikt",
+ "1im9",
+ "6wkr",
+ "8gr8",
+ "7dwt",
+ "8e9i",
+ "1gg0",
+ "6jgd",
+ "3usy",
+ "2jqh",
+ "6j0w",
+ "7uk1",
+ "1cfe",
+ "5d70",
+ "4cxv",
+ "5py0",
+ "4j6e",
+ "5p0p",
+ "5opn",
+ "3rv8",
+ "4ntw",
+ "2hky",
+ "1bgv",
+ "1nre",
+ "1mom",
+ "3rt8",
+ "3w32",
+ "3h2n",
+ "7em2",
+ "1ris",
+ "5iyx",
+ "4fg3",
+ "5xae",
+ "3k4p",
+ "3mhb",
+ "4kcx",
+ "1hb5",
+ "1q5r",
+ "6vx7",
+ "6w8y",
+ "2hw2",
+ "7ndw",
+ "3d34",
+ "3a9t",
+ "4j72",
+ "7ac2",
+ "3quk",
+ "2zix",
+ "6k2h",
+ "1ykd",
+ "6yvx",
+ "6hx7",
+ "7cy2",
+ "5a2z",
+ "2x0k",
+ "3hal",
+ "3ri5",
+ "6lub",
+ "7bfk",
+ "7r8f",
+ "3t7u",
+ "1xal",
+ "2zh6",
+ "1wse",
+ "2lc4",
+ "3zzn",
+ "6xkk",
+ "3i32",
+ "6s7l",
+ "1nr2",
+ "1ucu",
+ "4e3b",
+ "6xjt",
+ "1t5e",
+ "5sxt",
+ "6zay",
+ "2w1e",
+ "3lbk",
+ "4lhj",
+ "5mge",
+ "5tde",
+ "6mid",
+ "5kxa",
+ "1n51",
+ "1it6",
+ "7zo9",
+ "1u12",
+ "2g8k",
+ "2w6o",
+ "1kum",
+ "5cms",
+ "4atg",
+ "5nvk",
+ "3mje",
+ "2xov",
+ "7m29",
+ "7kh8",
+ "6su4",
+ "4krx",
+ "4m9j",
+ "1nki",
+ "2fp7",
+ "4cnx",
+ "6vup",
+ "2l04",
+ "2e5v",
+ "3n6o",
+ "2vmp",
+ "1eqd",
+ "4rvc",
+ "6enl",
+ "7vtb",
+ "5ue2",
+ "1npz",
+ "2bqi",
+ "5fps",
+ "7kfh",
+ "7l7w",
+ "1r89",
+ "6izy",
+ "6pvh",
+ "4r8k",
+ "7so7",
+ "4q6y",
+ "3his",
+ "6sjj",
+ "3gxp",
+ "3lgf",
+ "7rgl",
+ "5cgi",
+ "3m8d",
+ "3l66",
+ "5y6f",
+ "1aef",
+ "2qg0",
+ "7phd",
+ "6pkg",
+ "6kgo",
+ "7cis",
+ "6c7p",
+ "6m19",
+ "4wvd",
+ "5cz7",
+ "4hk6",
+ "7cie",
+ "7e5i",
+ "5yye",
+ "3gq3",
+ "5et7",
+ "1jj1",
+ "3uu4",
+ "1gjt",
+ "3esb",
+ "4gs8",
+ "5elo",
+ "3fdd",
+ "2yoz",
+ "3bqh",
+ "3x3c",
+ "2vwn",
+ "6ktr",
+ "1f7m",
+ "3luz",
+ "2ru6",
+ "4ubz",
+ "4p35",
+ "4d9h",
+ "5oty",
+ "5alj",
+ "1qa1",
+ "2yip",
+ "2bzc",
+ "6n20",
+ "3ul7",
+ "2j5q",
+ "5l1u",
+ "3gbb",
+ "2wgx",
+ "6cwf",
+ "2f5c",
+ "7sl9",
+ "172l",
+ "4txe",
+ "3qbv",
+ "6v5p",
+ "4z9j",
+ "5tva",
+ "3ppc",
+ "1gnh",
+ "1r26",
+ "5n1v",
+ "7cny",
+ "7bzh",
+ "4k30",
+ "1c5e",
+ "4ymt",
+ "1hio",
+ "4wmx",
+ "7vds",
+ "7d73",
+ "1xov",
+ "6qp3",
+ "6vkz",
+ "6a7v",
+ "5qy2",
+ "3cxi",
+ "2w0n",
+ "3nvt",
+ "4i7t",
+ "6olu",
+ "1scv",
+ "1dgv",
+ "7aix",
+ "3hhz",
+ "7s4m",
+ "5o3p",
+ "1or5",
+ "4pql",
+ "2bau",
+ "2vcc",
+ "4wy5",
+ "6jll",
+ "6miq",
+ "6yhr",
+ "7u4e",
+ "1e26",
+ "6voa",
+ "3zva",
+ "2kde",
+ "7njq",
+ "2w3c",
+ "1td1",
+ "6xd5",
+ "3pe4",
+ "2erv",
+ "6p55",
+ "2fy6",
+ "3nid",
+ "1ad0",
+ "3pch",
+ "5f21",
+ "3hc6",
+ "2psd",
+ "6l5o",
+ "7w9s",
+ "2m89",
+ "4hxw",
+ "8bad",
+ "7k5l",
+ "4oer",
+ "3g65",
+ "6kng",
+ "3epj",
+ "1jtc",
+ "5xb3",
+ "6b0u",
+ "2x5r",
+ "3fcg",
+ "7pp7",
+ "2j3l",
+ "3q6q",
+ "1a97",
+ "7osf",
+ "5dov",
+ "3s0y",
+ "3ip5",
+ "3ddt",
+ "4yjs",
+ "1cey",
+ "1mcr",
+ "1roz",
+ "3avg",
+ "5k8g",
+ "5ysb",
+ "4ior",
+ "6vpx",
+ "4qzd",
+ "1z4o",
+ "7k04",
+ "5y1b",
+ "7bjc",
+ "4ekt",
+ "2pjl",
+ "3fp3",
+ "6sdz",
+ "6pyu",
+ "5xg0",
+ "6lla",
+ "1biw",
+ "6cjw",
+ "2fca",
+ "4f7b",
+ "7k7h",
+ "6n72",
+ "6fd0",
+ "2xq7",
+ "4u8n",
+ "5c3c",
+ "6vbg",
+ "3dra",
+ "3kwa",
+ "3roa",
+ "6dmf",
+ "6mbw",
+ "4amm",
+ "3rkp",
+ "6ng7",
+ "6ojx",
+ "7w4d",
+ "5j36",
+ "7evr",
+ "4rbn",
+ "3u06",
+ "4ddg",
+ "6ywk",
+ "3gxn",
+ "5aov",
+ "4o1l",
+ "5fut",
+ "6xmo",
+ "4eyc",
+ "2h5f",
+ "2k8m",
+ "1y5w",
+ "1w82",
+ "2nbm",
+ "3tdj",
+ "4lrj",
+ "4dxs",
+ "1lkq",
+ "1qz8",
+ "7eqs",
+ "3mmy",
+ "7kfm",
+ "3l16",
+ "7lbx",
+ "2xk4",
+ "4q73",
+ "4cbl",
+ "1dkl",
+ "6a0v",
+ "3o8c",
+ "1wiq",
+ "3oxq",
+ "1bs7",
+ "1trh",
+ "3v4o",
+ "5deu",
+ "3lqu",
+ "6g2w",
+ "1ovp",
+ "3zzt",
+ "5cy9",
+ "7cse",
+ "6tth",
+ "5a8f",
+ "6zw8",
+ "2yqj",
+ "6t78",
+ "4cdq",
+ "5yjb",
+ "5x7e",
+ "7kcy",
+ "6ec2",
+ "3p61",
+ "2zj4",
+ "3p63",
+ "4nku",
+ "6foa",
+ "4ttm",
+ "6ufx",
+ "1z23",
+ "7doj",
+ "1y7a",
+ "2adu",
+ "3cto",
+ "6eje",
+ "2jo0",
+ "4c9l",
+ "6csq",
+ "4ew4",
+ "2vxy",
+ "4gv5",
+ "5lpf",
+ "4ipz",
+ "5lgx",
+ "6ogn",
+ "5qfk",
+ "6ueh",
+ "1uyz",
+ "1sfv",
+ "2b4n",
+ "6jaw",
+ "1j3k",
+ "3glm",
+ "5vnn",
+ "7mhj",
+ "4nb8",
+ "3lp4",
+ "1wj2",
+ "7we3",
+ "5w2q",
+ "2hoz",
+ "2wiu",
+ "6z9a",
+ "2gja",
+ "2jyl",
+ "6v4k",
+ "4q43",
+ "8eil",
+ "6fz2",
+ "2vze",
+ "2goh",
+ "4rmw",
+ "3mln",
+ "7mzj",
+ "2r9x",
+ "1tdp",
+ "5vut",
+ "1a86",
+ "4xpq",
+ "5y8i",
+ "5p09",
+ "6x61",
+ "5y3n",
+ "6ar0",
+ "6ug0",
+ "7new",
+ "1vev",
+ "4uny",
+ "1xg6",
+ "6xli",
+ "3te0",
+ "1tkb",
+ "2nnw",
+ "4y7e",
+ "4k2j",
+ "1zi7",
+ "2na6",
+ "5lsr",
+ "6h7a",
+ "7efx",
+ "7znv",
+ "6bl0",
+ "1z76",
+ "4wud",
+ "1dae",
+ "7m24",
+ "4uzy",
+ "6gp3",
+ "1p0v",
+ "3njm",
+ "3a1w",
+ "8djj",
+ "7o3y",
+ "4ppu",
+ "5b0z",
+ "5af7",
+ "3rex",
+ "3dcc",
+ "3j95",
+ "1nsg",
+ "6aod",
+ "1ely",
+ "7y9y",
+ "5niw",
+ "2vcz",
+ "1dk3",
+ "6yr8",
+ "5qkx",
+ "4exa",
+ "1t1c",
+ "3arx",
+ "4iu9",
+ "1l4f",
+ "2x8s",
+ "4we6",
+ "3qtf",
+ "3nlx",
+ "1q50",
+ "4gzq",
+ "6k06",
+ "2vwz",
+ "5l1k",
+ "6dcl",
+ "6ufc",
+ "5mmn",
+ "5li3",
+ "7kin",
+ "1d9n",
+ "4xnc",
+ "6vd2",
+ "6s1e",
+ "1jb2",
+ "5ca6",
+ "3a07",
+ "4cts",
+ "2hh9",
+ "5ple",
+ "2gut",
+ "4l56",
+ "6rqq",
+ "5cnu",
+ "2j8x",
+ "4fro",
+ "3gs3",
+ "7tn0",
+ "6rvr",
+ "7rl7",
+ "5p2f",
+ "1qxx",
+ "4yje",
+ "6jl1",
+ "7otl",
+ "4mqw",
+ "4fmx",
+ "7ytj",
+ "4fpf",
+ "4ncx",
+ "3x03",
+ "3cd6",
+ "4czi",
+ "5v24",
+ "6wpc",
+ "1bik",
+ "6h27",
+ "4bhw",
+ "4qn6",
+ "6obf",
+ "7wam",
+ "5zi1",
+ "6j56",
+ "3d4a",
+ "3vdk",
+ "1jea",
+ "6m8c",
+ "1e7o",
+ "7b0j",
+ "3lu7",
+ "3bzr",
+ "3r3d",
+ "7ckd",
+ "4o91",
+ "5p6i",
+ "5gjn",
+ "7bup",
+ "4kp0",
+ "2hrn",
+ "1gay",
+ "4nv5",
+ "1j5i",
+ "4fd7",
+ "5ut4",
+ "7d66",
+ "6mqm",
+ "2o9s",
+ "3kz5",
+ "3oxu",
+ "5y5w",
+ "1ir8",
+ "3aiv",
+ "7qrb",
+ "1xda",
+ "2z9j",
+ "5cit",
+ "1izj",
+ "6r68",
+ "6ljk",
+ "2ha4",
+ "1w34",
+ "7cqv",
+ "6t5u",
+ "2zsv",
+ "1bo7",
+ "4pqb",
+ "4rqy",
+ "7au7",
+ "2ztu",
+ "1dpk",
+ "7yo8",
+ "7ela",
+ "6mde",
+ "2zkg",
+ "5zrl",
+ "1ej3",
+ "3v1o",
+ "2lec",
+ "6d3j",
+ "3tb6",
+ "1iub",
+ "1kld",
+ "3h5n",
+ "2e52",
+ "6jvj",
+ "6den",
+ "2yio",
+ "3wjj",
+ "4d9b",
+ "1slw",
+ "1vg9",
+ "6upd",
+ "8cyi",
+ "5vo8",
+ "3dsj",
+ "1m55",
+ "8ecf",
+ "3dnl",
+ "1hqv",
+ "6lmr",
+ "7ba2",
+ "2kmc",
+ "6b5w",
+ "6gxk",
+ "6fwn",
+ "5f7k",
+ "1kyu",
+ "1z5l",
+ "5j82",
+ "3tad",
+ "7tx7",
+ "1bk6",
+ "3wk9",
+ "1egx",
+ "4kqj",
+ "6duq",
+ "6qqq",
+ "5xct",
+ "5grs",
+ "5cg6",
+ "2jbm",
+ "4ime",
+ "4zae",
+ "4mcs",
+ "5x6u",
+ "6qe4",
+ "7k40",
+ "3g3j",
+ "5a8q",
+ "4hhl",
+ "7fka",
+ "3k1a",
+ "3arw",
+ "5p8t",
+ "2zqo",
+ "5nzf",
+ "1ghm",
+ "4n59",
+ "5eo1",
+ "3sbe",
+ "2zvj",
+ "6a1s",
+ "1o2f",
+ "8b8f",
+ "6jbm",
+ "3cmf",
+ "2kxw",
+ "3d0v",
+ "6cco",
+ "2ntf",
+ "5oz9",
+ "4w6z",
+ "2zma",
+ "5nhy",
+ "2xzg",
+ "5y4b",
+ "2n8p",
+ "6hbg",
+ "3b7b",
+ "1wrb",
+ "2a6l",
+ "6wp2",
+ "6ia8",
+ "5agl",
+ "4poy",
+ "3lkp",
+ "3kud",
+ "6yaa",
+ "3mwm",
+ "2d0w",
+ "2k7m",
+ "5rsk",
+ "6ckh",
+ "7zlh",
+ "3gyt",
+ "3v5u",
+ "3pbg",
+ "4f00",
+ "7vy5",
+ "4xhf",
+ "5cfi",
+ "6n4z",
+ "1ezy",
+ "8f77",
+ "2xly",
+ "5gg5",
+ "6kb4",
+ "3bp7",
+ "1v0r",
+ "7x58",
+ "6lzt",
+ "5ded",
+ "3har",
+ "1mj0",
+ "7l7a",
+ "6w5b",
+ "1qr2",
+ "2b0y",
+ "6l0r",
+ "4v0o",
+ "6fgh",
+ "3nau",
+ "8bvf",
+ "2fjy",
+ "7fkk",
+ "4l96",
+ "3mok",
+ "6q18",
+ "7fb5",
+ "5pon",
+ "2qtj",
+ "7t97",
+ "4bbl",
+ "3r0f",
+ "1uiz",
+ "4ttx",
+ "7q28",
+ "1zos",
+ "3oda",
+ "5lm0",
+ "7wcg",
+ "3q8t",
+ "7ur4",
+ "7jjg",
+ "5nna",
+ "2oe2",
+ "4hbm",
+ "3ds3",
+ "5m27",
+ "3qze",
+ "7tfi",
+ "6dss",
+ "2rjk",
+ "2xpl",
+ "7kx5",
+ "7k5g",
+ "6tx8",
+ "1dd4",
+ "4dse",
+ "1uho",
+ "3wyl",
+ "7q4v",
+ "5f16",
+ "7v2k",
+ "5lsp",
+ "1zmw",
+ "2bgh",
+ "4yy6",
+ "7q6g",
+ "2od7",
+ "4l17",
+ "6cyq",
+ "3vvl",
+ "5e1j",
+ "6ra4",
+ "3wo2",
+ "2mly",
+ "5gkf",
+ "3wat",
+ "1gdc",
+ "1kbs",
+ "6r46",
+ "2qwk",
+ "6hh3",
+ "7bfm",
+ "3ogu",
+ "6xpd",
+ "6a9u",
+ "1qd9",
+ "6wpr",
+ "2j9e",
+ "3da4",
+ "2ypl",
+ "6yho",
+ "7sci",
+ "7adv",
+ "7bes",
+ "2foz",
+ "5y8g",
+ "3nt4",
+ "5gmg",
+ "6mtf",
+ "2x9j",
+ "6ecb",
+ "6z5l",
+ "2icx",
+ "3dom",
+ "2g1o",
+ "6fs9",
+ "4hw7",
+ "5ruq",
+ "6gud",
+ "7vyt",
+ "5zx8",
+ "6s0y",
+ "4wwv",
+ "6pz8",
+ "3hqh",
+ "7bvl",
+ "5l2t",
+ "1v2i",
+ "2c0p",
+ "1mhi",
+ "4tma",
+ "6qpd",
+ "5nnp",
+ "3rhx",
+ "1qe3",
+ "4mmj",
+ "4iik",
+ "4ekc",
+ "5h1o",
+ "5xw9",
+ "6f1d",
+ "3vbe",
+ "7tkj",
+ "3lue",
+ "3r4d",
+ "3lui",
+ "4ged",
+ "4bjp",
+ "1gqb",
+ "5o4q",
+ "3ddr",
+ "7kma",
+ "5daf",
+ "2od9",
+ "6lhk",
+ "4nfl",
+ "4mfv",
+ "2puo",
+ "7uxl",
+ "1css",
+ "3rk3",
+ "4zei",
+ "3wts",
+ "1uok",
+ "1ott",
+ "5chv",
+ "6ojw",
+ "3lzp",
+ "5h5f",
+ "6cvb",
+ "5vzt",
+ "3bxh",
+ "2frd",
+ "5w8p",
+ "6yye",
+ "6p93",
+ "3zrq",
+ "3v65",
+ "2fd7",
+ "3dr9",
+ "1hkf",
+ "2y6f",
+ "1rge",
+ "6avf",
+ "1cgh",
+ "1u7u",
+ "3eja",
+ "3zqf",
+ "4ga7",
+ "6oou",
+ "2j9v",
+ "1xrr",
+ "7ke5",
+ "7d22",
+ "3skk",
+ "2m8l",
+ "1e92",
+ "6sdy",
+ "6go3",
+ "2aj8",
+ "2osx",
+ "7q29",
+ "3k9w",
+ "7esv",
+ "6rxl",
+ "4rw2",
+ "8bky",
+ "2a3j",
+ "5wjm",
+ "1oda",
+ "1bzh",
+ "6y97",
+ "1dfs",
+ "4tuw",
+ "3rl6",
+ "7k2q",
+ "8cty",
+ "5kdr",
+ "6jz3",
+ "7ax8",
+ "1nep",
+ "1yxs",
+ "7rfc",
+ "4e7v",
+ "5law",
+ "7nbx",
+ "4d69",
+ "7lc3",
+ "4muf",
+ "1a4l",
+ "6we0",
+ "6gyx",
+ "5ayy",
+ "3gm2",
+ "2bvc",
+ "7epw",
+ "1p6v",
+ "5a0n",
+ "2yhs",
+ "1z3j",
+ "2xfr",
+ "3caw",
+ "2zth",
+ "5ff6",
+ "5izo",
+ "1hm7",
+ "6qoe",
+ "1n1p",
+ "4qy3",
+ "5o9h",
+ "5jsp",
+ "3d09",
+ "7qnc",
+ "7oo8",
+ "2y30",
+ "6xq4",
+ "6tjx",
+ "3w5b",
+ "2a6x",
+ "4o4e",
+ "6nov",
+ "2h2y",
+ "7k09",
+ "1pqu",
+ "2ypj",
+ "3ltv",
+ "7k6x",
+ "7rah",
+ "7lcs",
+ "5g0v",
+ "5igq",
+ "2jxm",
+ "4nox",
+ "5k47",
+ "3qav",
+ "1w5a",
+ "5ebt",
+ "5enh",
+ "4d51",
+ "6qab",
+ "1i8i",
+ "6w45",
+ "4os2",
+ "4c2e",
+ "4ro9",
+ "6q6v",
+ "1flz",
+ "5wtp",
+ "7x4h",
+ "7njr",
+ "1ea6",
+ "6jn8",
+ "4xtr",
+ "1ynn",
+ "3hnl",
+ "4yaa",
+ "1aj4",
+ "5heo",
+ "2qfo",
+ "1oo4",
+ "1hyk",
+ "4bxm",
+ "7qmt",
+ "2nd1",
+ "5vmc",
+ "4qr0",
+ "4nxq",
+ "7rwg",
+ "7sgj",
+ "2lsl",
+ "2g3z",
+ "2j3r",
+ "6qds",
+ "4l3v",
+ "3ijc",
+ "1fln",
+ "3hzm",
+ "3vnk",
+ "7mo5",
+ "3o08",
+ "6fvl",
+ "6dy6",
+ "2hm5",
+ "2aey",
+ "3rx3",
+ "3o1w",
+ "2r4y",
+ "5aqj",
+ "2iwy",
+ "4zsx",
+ "2rdv",
+ "2xyn",
+ "2vja",
+ "7t61",
+ "7xoi",
+ "5o31",
+ "4woe",
+ "6dvc",
+ "2x5x",
+ "5tfx",
+ "1hbz",
+ "3wtd",
+ "3f5c",
+ "7pce",
+ "6kih",
+ "5jr2",
+ "1loa",
+ "3laa",
+ "2yfu",
+ "5ty2",
+ "6n4b",
+ "1be0",
+ "7df2",
+ "1gna",
+ "5s2r",
+ "4rp8",
+ "6no6",
+ "1uy4",
+ "6z3q",
+ "2xlg",
+ "6dd3",
+ "7nj4",
+ "1pcl",
+ "3jx5",
+ "3ord",
+ "2liq",
+ "4tzh",
+ "3vuy",
+ "6jpe",
+ "5n2u",
+ "6hec",
+ "1gdh",
+ "5z9h",
+ "1se3",
+ "5swq",
+ "2xtr",
+ "3vw8",
+ "3oc0",
+ "5lev",
+ "1ckj",
+ "5r30",
+ "6l58",
+ "3i9w",
+ "5j5g",
+ "5md1",
+ "5zud",
+ "1l9y",
+ "5h2i",
+ "2zla",
+ "5m4k",
+ "7k1l",
+ "7xa7",
+ "1bws",
+ "6g61",
+ "3nfa",
+ "2qd8",
+ "6r56",
+ "5fn5",
+ "5i0m",
+ "4u7m",
+ "2icv",
+ "4xux",
+ "2wzh",
+ "1dvx",
+ "4cr9",
+ "5am3",
+ "6kwn",
+ "3cso",
+ "3a14",
+ "3unh",
+ "3sv7",
+ "3lta",
+ "6qvw",
+ "1f9w",
+ "4iz6",
+ "4bxk",
+ "3ub7",
+ "3vyl",
+ "1q52",
+ "4lpt",
+ "2fwf",
+ "1j7u",
+ "5jq0",
+ "5vt9",
+ "1qso",
+ "5oil",
+ "6j31",
+ "6tv5",
+ "3pw9",
+ "6crk",
+ "3s4u",
+ "7uiv",
+ "6y8q",
+ "1wpn",
+ "3n59",
+ "2bk9",
+ "2jpj",
+ "2l9s",
+ "6qyc",
+ "3zmk",
+ "4fq7",
+ "5noq",
+ "1tov",
+ "4ndb",
+ "1i5d",
+ "3osm",
+ "4i1c",
+ "7vpu",
+ "6tg1",
+ "1dbt",
+ "7xub",
+ "6xwd",
+ "4ufr",
+ "2b3r",
+ "7xx1",
+ "7mlh",
+ "3e7f",
+ "6hmp",
+ "5luj",
+ "6p5m",
+ "6lpb",
+ "8h6s",
+ "2pot",
+ "5idn",
+ "1gtt",
+ "4jsr",
+ "4lm4",
+ "5jfu",
+ "3mk9",
+ "6i9l",
+ "2h5s",
+ "6dso",
+ "1iyw",
+ "7f1k",
+ "3a90",
+ "5ozi",
+ "4c7w",
+ "2ca8",
+ "7cfk",
+ "2pqe",
+ "6v4x",
+ "4i7z",
+ "3l0h",
+ "1dzr",
+ "4xwy",
+ "5mlw",
+ "3c84",
+ "4ozo",
+ "2qes",
+ "1bt7",
+ "6rv8",
+ "6xpf",
+ "2mha",
+ "6drt",
+ "2o8g",
+ "1nom",
+ "5f6k",
+ "8czv",
+ "3saf",
+ "7zos",
+ "1ckk",
+ "6d03",
+ "4x9s",
+ "6aol",
+ "4y7k",
+ "3m3q",
+ "2ph8",
+ "5fno",
+ "3cen",
+ "6svc",
+ "6y23",
+ "2ha1",
+ "3v0t",
+ "4mib",
+ "7m13",
+ "1luv",
+ "6moq",
+ "2ztl",
+ "2lhu",
+ "5fui",
+ "7rxg",
+ "6z2k",
+ "2xin",
+ "4n6k",
+ "7u69",
+ "1lea",
+ "3lc9",
+ "5ej3",
+ "3lpk",
+ "1zy0",
+ "4u2h",
+ "5m8q",
+ "1exp",
+ "2oml",
+ "5a6w",
+ "3g5i",
+ "3mxl",
+ "6bdo",
+ "3eh9",
+ "6rn2",
+ "2ftb",
+ "4k9u",
+ "4hpi",
+ "1ue1",
+ "6tpd",
+ "1aip",
+ "5nt1",
+ "4obo",
+ "3hq2",
+ "6foq",
+ "2iyj",
+ "3c6t",
+ "2vby",
+ "6bw3",
+ "6r6m",
+ "3wvb",
+ "4qux",
+ "6gii",
+ "4bxo",
+ "6llg",
+ "7vzo",
+ "4dbu",
+ "6yhz",
+ "7lz4",
+ "3zf3",
+ "2v8v",
+ "3o7i",
+ "2hsx",
+ "3jtq",
+ "1mmu",
+ "6j2s",
+ "4zxz",
+ "1fae",
+ "6ve1",
+ "4p0b",
+ "2bsk",
+ "1esp",
+ "1llh",
+ "5gpe",
+ "7xr9",
+ "3wi3",
+ "7z5g",
+ "4bjn",
+ "4huk",
+ "4mkn",
+ "1rfu",
+ "5pjd",
+ "4eea",
+ "7ydw",
+ "1v0w",
+ "6gt2",
+ "3i2a",
+ "3a3c",
+ "2w2g",
+ "3zwg",
+ "2rhq",
+ "7c2k",
+ "2l5h",
+ "7z0u",
+ "3hnd",
+ "5xtb",
+ "4c9i",
+ "3nf4",
+ "2aq6",
+ "4pgk",
+ "2gd8",
+ "6dtl",
+ "6cyu",
+ "4d9f",
+ "2i4m",
+ "4cf9",
+ "7n4n",
+ "3vvf",
+ "1kwz",
+ "1zzk",
+ "5c8s",
+ "6cv3",
+ "5bvw",
+ "1ww5",
+ "3nhd",
+ "7ytw",
+ "7smq",
+ "7jvb",
+ "1p63",
+ "1vnh",
+ "5c5u",
+ "3tfg",
+ "7u4f",
+ "7c7u",
+ "1cnm",
+ "4hho",
+ "257l",
+ "6dko",
+ "4z8y",
+ "1afq",
+ "4zi0",
+ "5llh",
+ "4ldl",
+ "4k8r",
+ "5bui",
+ "4kiq",
+ "3q7t",
+ "6bhv",
+ "4ofw",
+ "6z7o",
+ "5aew",
+ "5fuy",
+ "8a0i",
+ "5wmq",
+ "5lxl",
+ "195l",
+ "6qua",
+ "5ho4",
+ "7azn",
+ "2c3z",
+ "2kjn",
+ "1bc0",
+ "4zab",
+ "5az4",
+ "5aqb",
+ "1og7",
+ "5b4z",
+ "3rgf",
+ "5qdg",
+ "4m3f",
+ "2wj7",
+ "2hid",
+ "4s13",
+ "3g1d",
+ "7xd8",
+ "4bpi",
+ "4r6j",
+ "5hqg",
+ "5uov",
+ "4fxq",
+ "8dh9",
+ "2eem",
+ "5y4r",
+ "1ay8",
+ "5tr0",
+ "7qug",
+ "2bh9",
+ "7t42",
+ "7ab0",
+ "1zdx",
+ "6nsx",
+ "1r3w",
+ "4txd",
+ "7ms3",
+ "5t3v",
+ "6yid",
+ "1g64",
+ "6oap",
+ "2gvm",
+ "5lz5",
+ "5mzf",
+ "1thb",
+ "5o7x",
+ "7sgo",
+ "4p61",
+ "1yfr",
+ "7s9f",
+ "2l7x",
+ "1xb8",
+ "5i85",
+ "4url",
+ "5sub",
+ "2ged",
+ "1cvk",
+ "1gk1",
+ "5bsy",
+ "5jl4",
+ "3fph",
+ "1k3k",
+ "4j1f",
+ "6lbd",
+ "3g7l",
+ "5r9f",
+ "6yw7",
+ "6omx",
+ "6xke",
+ "5moo",
+ "1too",
+ "4ybh",
+ "6s4g",
+ "3s8l",
+ "4llg",
+ "8dc8",
+ "2cev",
+ "6zjb",
+ "1jyb",
+ "7e76",
+ "1mho",
+ "6d1j",
+ "6s55",
+ "4fec",
+ "1uwz",
+ "2d68",
+ "4gzp",
+ "5ys3",
+ "1vgz",
+ "7k3l",
+ "5jhb",
+ "6dll",
+ "6u7r",
+ "2qdb",
+ "4xtz",
+ "3kpl",
+ "1g5j",
+ "1oyp",
+ "6yx6",
+ "2xyk",
+ "6nes",
+ "1p03",
+ "2xem",
+ "4qvx",
+ "4v15",
+ "1ey1",
+ "5odi",
+ "1lhi",
+ "6rkp",
+ "1nn1",
+ "5dy0",
+ "6fuq",
+ "3q0w",
+ "1gfj",
+ "7bgm",
+ "7pzl",
+ "7qtr",
+ "5jl6",
+ "1jw2",
+ "3tef",
+ "7dgn",
+ "1eye",
+ "6ocv",
+ "7egs",
+ "3s5z",
+ "2f9i",
+ "7vy4",
+ "1jgd",
+ "1gh7",
+ "6jo6",
+ "7bbz",
+ "4hsj",
+ "1n5u",
+ "3a8e",
+ "5elm",
+ "7ntv",
+ "5kc4",
+ "6usw",
+ "5txs",
+ "2jlh",
+ "1jh6",
+ "1p7j",
+ "7e9l",
+ "6znh",
+ "4ey8",
+ "3sp4",
+ "7zee",
+ "3vs8",
+ "4zhz",
+ "4o19",
+ "3d7t",
+ "6n3s",
+ "4ysn",
+ "1r0p",
+ "1jen",
+ "2xbf",
+ "2jio",
+ "3hvx",
+ "3b8d",
+ "5w5k",
+ "5stg",
+ "3i69",
+ "6zaw",
+ "3t3v",
+ "1qnw",
+ "2h8p",
+ "5lrj",
+ "5vhj",
+ "1u4d",
+ "5vw5",
+ "1fxu",
+ "6gwq",
+ "7kar",
+ "4pbp",
+ "5l0r",
+ "4jw0",
+ "5pcm",
+ "4mzt",
+ "7dnl",
+ "6mj7",
+ "1at3",
+ "3uvk",
+ "5p3e",
+ "2bs0",
+ "6tx5",
+ "5qu4",
+ "4u0l",
+ "6djv",
+ "3jws",
+ "1si9",
+ "2yi8",
+ "4w5s",
+ "3pdj",
+ "8bq4",
+ "2n00",
+ "3qx7",
+ "3rax",
+ "5f5o",
+ "3j3r",
+ "5od9",
+ "6js8",
+ "6zku",
+ "4e4z",
+ "3zfg",
+ "1o4z",
+ "1srr",
+ "3bqc",
+ "4bt8",
+ "6skn",
+ "4knt",
+ "4nl1",
+ "2bow",
+ "6fln",
+ "5avm",
+ "5kmh",
+ "1ylu",
+ "4f1k",
+ "5u2r",
+ "3ity",
+ "7br5",
+ "2iav",
+ "4gsl",
+ "2mv6",
+ "1zmx",
+ "5o1z",
+ "1bs6",
+ "4yvq",
+ "5hc0",
+ "4f22",
+ "7lt3",
+ "6gg3",
+ "3wbq",
+ "6r0f",
+ "2v2q",
+ "2lea",
+ "2h5x",
+ "3rvo",
+ "5nkx",
+ "3g51",
+ "5pbv",
+ "1exs",
+ "3eco",
+ "3zfr",
+ "1w18",
+ "1muc",
+ "7jtm",
+ "1tlx",
+ "7ocu",
+ "1eo2",
+ "4c8r",
+ "7p7h",
+ "6wfk",
+ "7t9f",
+ "4rx8",
+ "2qjg",
+ "7jgi",
+ "7n7m",
+ "4yzx",
+ "6qlu",
+ "1dib",
+ "2vp1",
+ "5gnx",
+ "4ykd",
+ "6msa",
+ "6zyk",
+ "5kzd",
+ "4mr5",
+ "8h39",
+ "6upz",
+ "6mbq",
+ "1eia",
+ "2j2c",
+ "5sci",
+ "5zju",
+ "5wqm",
+ "6oxh",
+ "5alq",
+ "7wqr",
+ "3h85",
+ "6wn1",
+ "7fo0",
+ "1tvm",
+ "1nvg",
+ "6yx9",
+ "8dbe",
+ "6bty",
+ "8bnx",
+ "2nmp",
+ "2qp4",
+ "1uas",
+ "7zc5",
+ "7bko",
+ "5kk8",
+ "7ak0",
+ "3ka8",
+ "7kqj",
+ "7fs9",
+ "4n3r",
+ "8hyh",
+ "7crm",
+ "1jxi",
+ "1tcw",
+ "2z3q",
+ "4hn2",
+ "2nrg",
+ "2vy6",
+ "5p1x",
+ "2gyi",
+ "6u04",
+ "4hvc",
+ "5ux0",
+ "5uwj",
+ "6od0",
+ "5vh2",
+ "1enk",
+ "6kvl",
+ "6dwd",
+ "6xc9",
+ "6dnb",
+ "4ilg",
+ "4amj",
+ "1q97",
+ "2def",
+ "2q0a",
+ "1if0",
+ "6cp2",
+ "5g3t",
+ "6ccu",
+ "7swc",
+ "3zkp",
+ "2xp2",
+ "6n3z",
+ "6i3g",
+ "7tzn",
+ "5p70",
+ "7ffm",
+ "1ilo",
+ "6rvy",
+ "3zcg",
+ "1cgu",
+ "3bl9",
+ "6ttp",
+ "4xau",
+ "4rd3",
+ "6qb1",
+ "3pck",
+ "2g7f",
+ "1aoq",
+ "3b1q",
+ "1ra4",
+ "6lh9",
+ "2g72",
+ "7c76",
+ "7f2w",
+ "6ge3",
+ "5d5n",
+ "1eas",
+ "3wdx",
+ "1awj",
+ "4at7",
+ "4y9x",
+ "2xkl",
+ "1poi",
+ "4mdj",
+ "3ezf",
+ "3n6v",
+ "5kqf",
+ "6ycd",
+ "2oaz",
+ "2byc",
+ "3gsb",
+ "3kru",
+ "6vsg",
+ "4prj",
+ "4qew",
+ "4oku",
+ "2pkf",
+ "6xl2",
+ "4w9n",
+ "2iu3",
+ "3pj8",
+ "4fak",
+ "5io5",
+ "2ki4",
+ "1otw",
+ "2rrb",
+ "4bdb",
+ "5cx3",
+ "7bq2",
+ "1ky8",
+ "4cqg",
+ "5ej4",
+ "7vrg",
+ "5hbh",
+ "3vr1",
+ "2y75",
+ "4cof",
+ "3qdf",
+ "2c0y",
+ "2xb4",
+ "7jmd",
+ "1g20",
+ "5bnm",
+ "6yti",
+ "5h6k",
+ "1bct",
+ "7vjo",
+ "4p39",
+ "5y5x",
+ "7tt2",
+ "3kpc",
+ "3h0h",
+ "3u0t",
+ "1wvf",
+ "2iwh",
+ "7rrg",
+ "2f6x",
+ "2aba",
+ "1bmb",
+ "1vwt",
+ "1t0f",
+ "4o4b",
+ "5ho3",
+ "3opm",
+ "5pvd",
+ "2wqg",
+ "6klx",
+ "2ynj",
+ "1hox",
+ "1fhn",
+ "2hue",
+ "1cdr",
+ "1wdc",
+ "6g2u",
+ "4qgx",
+ "7x77",
+ "2bl2",
+ "7wzd",
+ "6rv4",
+ "2e9d",
+ "4rmi",
+ "6rg3",
+ "3cot",
+ "3s57",
+ "5njm",
+ "6nec",
+ "3g6t",
+ "4m7y",
+ "3b6b",
+ "1dhp",
+ "3ns9",
+ "6th0",
+ "6t30",
+ "5hzw",
+ "2qzl",
+ "4mt8",
+ "4ox7",
+ "6xec",
+ "6sgd",
+ "3qn1",
+ "4hms",
+ "1y5r",
+ "7knl",
+ "4phc",
+ "7v8h",
+ "4eiw",
+ "1kk6",
+ "4aa6",
+ "4bbn",
+ "4d7n",
+ "2qkt",
+ "6wnq",
+ "1w53",
+ "1ldo",
+ "7eas",
+ "6u6w",
+ "2chg",
+ "5m1r",
+ "5wbq",
+ "3juy",
+ "2yds",
+ "2i2c",
+ "2p9n",
+ "4zqp",
+ "4hmz",
+ "6mh6",
+ "4wqs",
+ "2drw",
+ "4knf",
+ "6gbx",
+ "4f13",
+ "4eip",
+ "3ffg",
+ "6aom",
+ "7nhr",
+ "1baj",
+ "5qze",
+ "4yc7",
+ "4hjs",
+ "7oiy",
+ "5txe",
+ "6qh9",
+ "2pg5",
+ "5ujx",
+ "6nzr",
+ "1dxi",
+ "1osh",
+ "5k9b",
+ "3rwi",
+ "7xh2",
+ "5d00",
+ "3sv1",
+ "4w1q",
+ "6io9",
+ "1wqk",
+ "6v9u",
+ "6nr5",
+ "1sj0",
+ "4cfo",
+ "3dvg",
+ "5tpz",
+ "6qnz",
+ "1efh",
+ "2wjr",
+ "7zt0",
+ "4pwc",
+ "6b73",
+ "3j0r",
+ "1tpw",
+ "5ebx",
+ "1zm8",
+ "1m1d",
+ "3p2b",
+ "1hw9",
+ "5cpw",
+ "4cvp",
+ "2d3l",
+ "8fln",
+ "3arq",
+ "6y9b",
+ "5fq0",
+ "6cvo",
+ "6hq7",
+ "1lki",
+ "6ujy",
+ "6ks7",
+ "6aik",
+ "3vmn",
+ "2pdr",
+ "5t70",
+ "2ymm",
+ "6bd5",
+ "5mbb",
+ "3cka",
+ "2jui",
+ "6vgg",
+ "7us7",
+ "4zsq",
+ "2hpb",
+ "5kms",
+ "7ppu",
+ "2f2v",
+ "4ump",
+ "2adv",
+ "3unj",
+ "1lqo",
+ "1otg",
+ "4z3e",
+ "1g1r",
+ "3kba",
+ "1wsf",
+ "3mfq",
+ "3cqt",
+ "2eep",
+ "6yvg",
+ "5fi6",
+ "7u5m",
+ "4alh",
+ "4dla",
+ "3g6w",
+ "2hwo",
+ "3au6",
+ "5lwr",
+ "1clk",
+ "6nr8",
+ "4yy4",
+ "4dk6",
+ "6xdf",
+ "6xh7",
+ "5nop",
+ "6vr1",
+ "6xwr",
+ "5an1",
+ "4v1l",
+ "4clh",
+ "7qpi",
+ "3vrp",
+ "6si8",
+ "1uyh",
+ "8en7",
+ "1g7g",
+ "6kwk",
+ "5msb",
+ "4q18",
+ "3e37",
+ "7qoe",
+ "1rbx",
+ "3w11",
+ "5zqb",
+ "6hla",
+ "2m0b",
+ "6rkj",
+ "7frh",
+ "6gbv",
+ "4k8a",
+ "7fit",
+ "5st4",
+ "7f7i",
+ "4wf2",
+ "3uxn",
+ "6n0b",
+ "1v8i",
+ "6d3e",
+ "7x5o",
+ "1izl",
+ "2k3u",
+ "5m2j",
+ "1mva",
+ "5k0r",
+ "1yx8",
+ "3rla",
+ "3j1s",
+ "8c4i",
+ "3maw",
+ "6gwk",
+ "1icf",
+ "7lbv",
+ "6xcu",
+ "6i68",
+ "1zv1",
+ "6ysc",
+ "7ocx",
+ "6jhr",
+ "7wsw",
+ "1d3l",
+ "2msf",
+ "6u7u",
+ "4ra9",
+ "3ivh",
+ "5aig",
+ "1tcm",
+ "2br8",
+ "5nlh",
+ "1znw",
+ "2xxt",
+ "4f88",
+ "2lsj",
+ "3lkf",
+ "1mh5",
+ "6puq",
+ "6m9m",
+ "6kpr",
+ "5pmf",
+ "1hzz",
+ "5uob",
+ "6g0s",
+ "2arv",
+ "4phf",
+ "3fxq",
+ "4m61",
+ "7d5u",
+ "3eqg",
+ "3nvj",
+ "3ctg",
+ "5nbm",
+ "8dne",
+ "8dmh",
+ "7sr1",
+ "6wuj",
+ "3s56",
+ "5ur5",
+ "5pq3",
+ "2bb6",
+ "5ic1",
+ "2l3n",
+ "7bbd",
+ "4k80",
+ "7ra0",
+ "3a0k",
+ "5oqt",
+ "2vjv",
+ "1rx9",
+ "6eph",
+ "3gdg",
+ "5wjl",
+ "5jvu",
+ "5gor",
+ "6mzn",
+ "5a6h",
+ "4npy",
+ "4cec",
+ "3lr2",
+ "6nfr",
+ "2fzm",
+ "1dv1",
+ "2h5d",
+ "7upz",
+ "4kng",
+ "1fwb",
+ "2y2q",
+ "1gxq",
+ "5pft",
+ "3kpn",
+ "1sxu",
+ "1elo",
+ "1a0g",
+ "4fnz",
+ "2rvd",
+ "7omn",
+ "7aac",
+ "1lt8",
+ "4ewg",
+ "2f53",
+ "7vkm",
+ "7rxz",
+ "2pyy",
+ "5ol2",
+ "3epx",
+ "7x9x",
+ "2o6q",
+ "1v9q",
+ "6bi6",
+ "3po1",
+ "2h7q",
+ "2ylk",
+ "6uva",
+ "5u7k",
+ "6y8f",
+ "6ptp",
+ "6etu",
+ "4nrz",
+ "6k2y",
+ "3mz8",
+ "2xx4",
+ "2dy2",
+ "1zse",
+ "6xhc",
+ "3vyu",
+ "2vue",
+ "3rip",
+ "4xqe",
+ "4qi1",
+ "6jt0",
+ "7k9q",
+ "5w3x",
+ "1g1s",
+ "1czo",
+ "1r21",
+ "6t5d",
+ "4ran",
+ "1kdp",
+ "7kt2",
+ "1sp8",
+ "1es6",
+ "3stz",
+ "3jve",
+ "3zmo",
+ "6kb7",
+ "3vja",
+ "1oll",
+ "4ok3",
+ "2hvv",
+ "1jsw",
+ "5ghu",
+ "4nyz",
+ "2gfp",
+ "3qf7",
+ "3rrd",
+ "1xxx",
+ "8b27",
+ "1snl",
+ "6xq9",
+ "6b1m",
+ "6kty",
+ "2wx9",
+ "4gjs",
+ "2i4d",
+ "3rmk",
+ "4ek2",
+ "2rn2",
+ "1lje",
+ "5y1e",
+ "3gb6",
+ "4f9g",
+ "7jk5",
+ "1xvu",
+ "5caa",
+ "5c4b",
+ "2zi4",
+ "6dk1",
+ "2m0s",
+ "6tiv",
+ "4a4j",
+ "3j6g",
+ "7bz4",
+ "3lm5",
+ "1ilp",
+ "7d89",
+ "3ioi",
+ "7agp",
+ "1keo",
+ "6uv3",
+ "1hge",
+ "6bak",
+ "3oj4",
+ "6kzq",
+ "5vkx",
+ "5b8i",
+ "1fjs",
+ "3pwc",
+ "7lzu",
+ "3gp9",
+ "4bbx",
+ "3wy4",
+ "1fbe",
+ "1l57",
+ "5ydc",
+ "6lrc",
+ "1mo3",
+ "1lzl",
+ "2jqy",
+ "1agj",
+ "7xl1",
+ "6u1c",
+ "5pbb",
+ "5j0k",
+ "7pd9",
+ "6cz4",
+ "1ebw",
+ "4lpl",
+ "3woq",
+ "2vub",
+ "6ep2",
+ "5e8n",
+ "3ecl",
+ "4f18",
+ "1veq",
+ "3uic",
+ "171l",
+ "4ovb",
+ "3alq",
+ "1hvz",
+ "3q54",
+ "1lsf",
+ "5ujy",
+ "7n7l",
+ "2cng",
+ "3u0p",
+ "5ebm",
+ "5k93",
+ "5qfx",
+ "6nre",
+ "2k3g",
+ "6tvm",
+ "234l",
+ "5laj",
+ "5vnv",
+ "3kbu",
+ "3kig",
+ "1rgw",
+ "4w82",
+ "1r6h",
+ "6qp8",
+ "3gww",
+ "3nfp",
+ "1nm1",
+ "5v2g",
+ "2xmr",
+ "6lsf",
+ "3t8f",
+ "5u4e",
+ "1xlo",
+ "6sbc",
+ "3s3e",
+ "6r13",
+ "6k0h",
+ "1fbs",
+ "1og4",
+ "1tn8",
+ "7ebl",
+ "8a7t",
+ "3odn",
+ "4bz0",
+ "1khc",
+ "4uy0",
+ "3kzf",
+ "7ebf",
+ "6kob",
+ "6o6w",
+ "3zlo",
+ "4n4g",
+ "4oln",
+ "4yom",
+ "7tbf",
+ "4gsa",
+ "1khg",
+ "2yq3",
+ "3u6d",
+ "2c38",
+ "1fmc",
+ "7zw2",
+ "5h30",
+ "186l",
+ "4ofj",
+ "2wlp",
+ "3mxf",
+ "6q6p",
+ "3i2i",
+ "1s2b",
+ "1mn8",
+ "2c43",
+ "7te4",
+ "1dfl",
+ "4umb",
+ "1cff",
+ "3vw4",
+ "6l35",
+ "4xm4",
+ "8dbh",
+ "4u71",
+ "6d51",
+ "1xlq",
+ "1dao",
+ "1gfi",
+ "3p88",
+ "5ehg",
+ "1cs4",
+ "2wob",
+ "6h1h",
+ "3zl5",
+ "4g8y",
+ "3c15",
+ "5fpy",
+ "7b2n",
+ "4njt",
+ "2cuo",
+ "6x3a",
+ "4wcu",
+ "1odj",
+ "6rc4",
+ "6bn0",
+ "1qi5",
+ "3d8v",
+ "3li5",
+ "5vqy",
+ "8dqf",
+ "6wds",
+ "1ped",
+ "1o3m",
+ "6l68",
+ "4u3t",
+ "6qb9",
+ "7ctf",
+ "4dlq",
+ "1yqn",
+ "1tbf",
+ "7wuu",
+ "6yj0",
+ "3gwf",
+ "7d2s",
+ "4bsr",
+ "3uhr",
+ "6vyp",
+ "4uqt",
+ "5wua",
+ "5pku",
+ "1zu5",
+ "1my6",
+ "1jrz",
+ "3bjv",
+ "1lky",
+ "2fbr",
+ "4zls",
+ "5h28",
+ "6yn7",
+ "3gen",
+ "2oqy",
+ "7us1",
+ "7auk",
+ "2p99",
+ "5nla",
+ "1ovh",
+ "7lsr",
+ "5ye8",
+ "2aa3",
+ "2r4n",
+ "3dx9",
+ "4tk5",
+ "2otx",
+ "1c3m",
+ "3zq3",
+ "3l4y",
+ "6p1a",
+ "2rgs",
+ "3d0p",
+ "8a9x",
+ "5zw0",
+ "6fxe",
+ "5rok",
+ "4pqo",
+ "4aji",
+ "1ajb",
+ "6xlz",
+ "7r7c",
+ "6rul",
+ "1eir",
+ "4l8y",
+ "7auy",
+ "1jl6",
+ "6bju",
+ "5awm",
+ "1pn3",
+ "1j8t",
+ "3h5c",
+ "2i4k",
+ "1tt2",
+ "4plw",
+ "1pkj",
+ "2vsh",
+ "4s27",
+ "5kc7",
+ "7e8z",
+ "7mgs",
+ "3fof",
+ "3wlr",
+ "6j72",
+ "1i2s",
+ "7tc1",
+ "5x9p",
+ "3box",
+ "2kpy",
+ "4mt0",
+ "3nve",
+ "5t58",
+ "6bdt",
+ "8e86",
+ "3itj",
+ "7jxh",
+ "5syc",
+ "5ct8",
+ "1jd5",
+ "2zbl",
+ "6rdc",
+ "1tal",
+ "4u97",
+ "3ppm",
+ "7tpd",
+ "4abl",
+ "6k5o",
+ "4pu8",
+ "6lq6",
+ "6k4t",
+ "1wa3",
+ "4ldv",
+ "1eio",
+ "1u2h",
+ "6uar",
+ "4a31",
+ "2fen",
+ "2zz6",
+ "4fol",
+ "5y2d",
+ "3dbj",
+ "6hgr",
+ "5xbk",
+ "4oye",
+ "1j38",
+ "6hpv",
+ "4x1g",
+ "1sqa",
+ "7vo1",
+ "5eqo",
+ "4bk6",
+ "6hoy",
+ "6mlk",
+ "3p9n",
+ "2ypk",
+ "1gqc",
+ "4g1d",
+ "5mx5",
+ "7ceb",
+ "3ond",
+ "1p45",
+ "4hn6",
+ "1hk5",
+ "6t8m",
+ "5x31",
+ "2glt",
+ "1g04",
+ "5vrl",
+ "3dsu",
+ "5gao",
+ "6c4p",
+ "2be5",
+ "6l55",
+ "1los",
+ "3f5g",
+ "3dh3",
+ "1zuh",
+ "6rhp",
+ "3ta0",
+ "7zhh",
+ "6vpd",
+ "6nrb",
+ "6z0w",
+ "7a47",
+ "1dp8",
+ "6kx5",
+ "3zkv",
+ "5rd9",
+ "2xz9",
+ "1oij",
+ "6i11",
+ "4f9m",
+ "6tq3",
+ "3g5b",
+ "4dwq",
+ "7d9u",
+ "1nnk",
+ "5kbz",
+ "7s0f",
+ "4h6e",
+ "6r58",
+ "7c7h",
+ "3azi",
+ "3spc",
+ "7u6j",
+ "1pd0",
+ "4yp0",
+ "4jv7",
+ "6vzq",
+ "1fqw",
+ "4uwn",
+ "6mrg",
+ "4x6h",
+ "2lbp",
+ "4f9t",
+ "3q5t",
+ "5jrs",
+ "1a87",
+ "5kln",
+ "1n7p",
+ "5kip",
+ "5ytm",
+ "3ge7",
+ "1n7v",
+ "3ioj",
+ "2w0j",
+ "3nf7",
+ "3qel",
+ "3oad",
+ "1wmq",
+ "4gc1",
+ "5sao",
+ "4dqp",
+ "3rtp",
+ "5qzp",
+ "3w08",
+ "7zg7",
+ "7kd4",
+ "2kbi",
+ "4i03",
+ "7z02",
+ "7amj",
+ "3fbb",
+ "5pz8",
+ "5mh0",
+ "5agj",
+ "1ysg",
+ "1ha0",
+ "4uyt",
+ "7qic",
+ "5bx4",
+ "7nez",
+ "7ngq",
+ "6xhz",
+ "4frv",
+ "1pww",
+ "4zne",
+ "4gzx",
+ "5mzm",
+ "1ez8",
+ "4op5",
+ "3kpm",
+ "1e9z",
+ "6ipd",
+ "4nc4",
+ "8ewn",
+ "6oao",
+ "6f2u",
+ "3r7q",
+ "3w6d",
+ "7a6j",
+ "4y46",
+ "4bbg",
+ "3s3h",
+ "3mq6",
+ "6gqf",
+ "3jbs",
+ "7tt7",
+ "5ysf",
+ "1kql",
+ "6gyy",
+ "8dn1",
+ "5f41",
+ "4pjy",
+ "1f9o",
+ "2o97",
+ "5x9b",
+ "1z7c",
+ "6wo1",
+ "5ftu",
+ "6trs",
+ "5rd8",
+ "4c4i",
+ "1sgu",
+ "4g7t",
+ "8d1o",
+ "6kxx",
+ "8jdw",
+ "5hew",
+ "7rno",
+ "7l5f",
+ "7z1k",
+ "4poo",
+ "6gd5",
+ "8eac",
+ "3sq4",
+ "7rdp",
+ "2c1l",
+ "2lwi",
+ "7ev3",
+ "5t3u",
+ "5w0a",
+ "4jht",
+ "5r41",
+ "4hmn",
+ "4nxi",
+ "6wc5",
+ "1ed6",
+ "4e2i",
+ "6ng8",
+ "5xv4",
+ "5yb1",
+ "1i1m",
+ "5wqf",
+ "5kvz",
+ "5qel",
+ "6xlv",
+ "4fnf",
+ "5v5n",
+ "3l5w",
+ "7vt4",
+ "4jag",
+ "5xda",
+ "4q8x",
+ "5yft",
+ "5syq",
+ "1mcs",
+ "5yip",
+ "4tn2",
+ "3k5m",
+ "5cs5",
+ "5wjf",
+ "4y9j",
+ "1a00",
+ "3eml",
+ "3u3f",
+ "4j19",
+ "1tvv",
+ "6sc7",
+ "1fxp",
+ "3gjq",
+ "6t1w",
+ "6m2j",
+ "1sqv",
+ "3le9",
+ "5nzc",
+ "6fgq",
+ "4z3z",
+ "5upj",
+ "1ye5",
+ "6rnz",
+ "5lu0",
+ "3mm8",
+ "1vrk",
+ "1pfz",
+ "5fe3",
+ "4n64",
+ "1w3k",
+ "1m8a",
+ "5m8t",
+ "6qdl",
+ "2nvo",
+ "4z9e",
+ "1bmc",
+ "7fqy",
+ "2qbl",
+ "3vpg",
+ "6b95",
+ "4cbm",
+ "6vld",
+ "5bw5",
+ "2a3t",
+ "6wak",
+ "6da0",
+ "1i4v",
+ "1l90",
+ "1idi",
+ "4ngk",
+ "4eaa",
+ "4u01",
+ "4nnb",
+ "1lb5",
+ "6f28",
+ "4kxn",
+ "5jx3",
+ "6ifi",
+ "1g86",
+ "1eza",
+ "5wcn",
+ "6lin",
+ "7d9g",
+ "170l",
+ "5a3c",
+ "3b1e",
+ "2kn6",
+ "4rea",
+ "5f83",
+ "5m3d",
+ "3ugi",
+ "2exb",
+ "4yg3",
+ "2kmr",
+ "6o5d",
+ "4win",
+ "7fm3",
+ "5s5n",
+ "5vyj",
+ "3r4o",
+ "3ij1",
+ "1i6w",
+ "6dgk",
+ "7fnf",
+ "3wxa",
+ "3sx0",
+ "1q55",
+ "4new",
+ "7x9s",
+ "6h3z",
+ "1r2x",
+ "5i7n",
+ "3rm4",
+ "4tn7",
+ "5y20",
+ "5hey",
+ "4cq8",
+ "2zbj",
+ "6pmp",
+ "1xuf",
+ "5wpa",
+ "7x9u",
+ "6uo9",
+ "6lbj",
+ "6whc",
+ "3sag",
+ "2g49",
+ "2h1y",
+ "6mtm",
+ "5p6e",
+ "5nes",
+ "1jv9",
+ "7mr7",
+ "4r25",
+ "4yay",
+ "2ii3",
+ "4k4e",
+ "1inr",
+ "6k5p",
+ "2ijj",
+ "1cev",
+ "2wnl",
+ "5d11",
+ "6a35",
+ "3oh2",
+ "2kwz",
+ "6du8",
+ "1krf",
+ "1mm9",
+ "5jq2",
+ "6yo9",
+ "4e2c",
+ "1ha4",
+ "3avs",
+ "2v78",
+ "7q55",
+ "7m75",
+ "1y76",
+ "6i3u",
+ "6i8i",
+ "1ceu",
+ "6e8y",
+ "3igo",
+ "3pvk",
+ "7bi6",
+ "7ybr",
+ "5vke",
+ "2ove",
+ "5dt2",
+ "4qmd",
+ "7dky",
+ "7mpo",
+ "2etr",
+ "5xtf",
+ "4y9a",
+ "5wyq",
+ "5nqq",
+ "5d9n",
+ "1zxx",
+ "4w9s",
+ "5z31",
+ "1ld3",
+ "6xqg",
+ "7ew6",
+ "2mwe",
+ "1jjo",
+ "2c2m",
+ "2vwo",
+ "6cjt",
+ "2xbs",
+ "2fsf",
+ "3l7z",
+ "6emy",
+ "7emq",
+ "2peh",
+ "7f8t",
+ "2g24",
+ "4weg",
+ "4w7o",
+ "1j7p",
+ "2bo5",
+ "3k19",
+ "7kit",
+ "6q0u",
+ "1bkc",
+ "1f42",
+ "4elw",
+ "7fgx",
+ "2mqg",
+ "4je6",
+ "3ab0",
+ "2m8o",
+ "3b8x",
+ "5x80",
+ "2n6l",
+ "6wu6",
+ "5ouw",
+ "4kxo",
+ "5yjw",
+ "1ysb",
+ "4ctw",
+ "3qn7",
+ "2nbo",
+ "2cd8",
+ "5zqz",
+ "6qw8",
+ "7kxe",
+ "5itu",
+ "3mhc",
+ "7o1d",
+ "7rwx",
+ "5o3f",
+ "1qqt",
+ "4fpi",
+ "6yso",
+ "4e96",
+ "5nz2",
+ "5mtw",
+ "4jsa",
+ "5sr5",
+ "2c4d",
+ "3k02",
+ "4evn",
+ "3q25",
+ "6w75",
+ "2n3u",
+ "6eku",
+ "4qkr",
+ "1dfe",
+ "1qlc",
+ "6tvo",
+ "7tt8",
+ "3pb2",
+ "6zmu",
+ "7a3s",
+ "1xc0",
+ "2awn",
+ "4gxd",
+ "3wsf",
+ "6x87",
+ "5uh9",
+ "1qkx",
+ "3b4r",
+ "7szz",
+ "6h9n",
+ "2d80",
+ "1wjx",
+ "7min",
+ "3ern",
+ "2vvw",
+ "1sh0",
+ "4qsb",
+ "7e47",
+ "5zgw",
+ "1q9l",
+ "7d2n",
+ "5s3i",
+ "5o94",
+ "6pvg",
+ "3lwm",
+ "2mpv",
+ "6s43",
+ "7frt",
+ "7zzl",
+ "5fao",
+ "1bhz",
+ "6jt6",
+ "5ant",
+ "3vv3",
+ "2wmo",
+ "5ker",
+ "5tjh",
+ "2liy",
+ "5vvt",
+ "7nqi",
+ "3zww",
+ "6j4q",
+ "6hyv",
+ "4uih",
+ "7u79",
+ "6nbc",
+ "3blw",
+ "5aha",
+ "7cqc",
+ "1p3e",
+ "4qga",
+ "2eyd",
+ "2zh9",
+ "1s7e",
+ "4bdf",
+ "6b6d",
+ "3t0t",
+ "1c20",
+ "5nj0",
+ "7ri1",
+ "3qaq",
+ "1ibu",
+ "7edp",
+ "1v1h",
+ "6lwm",
+ "2j4g",
+ "3dhm",
+ "2m3m",
+ "3pxf",
+ "1jlt",
+ "6t6o",
+ "5ov5",
+ "3j2i",
+ "6gd1",
+ "2ft7",
+ "5xku",
+ "3lnk",
+ "1pzy",
+ "5c25",
+ "7ktb",
+ "5m45",
+ "1mk7",
+ "4wc0",
+ "2a2a",
+ "8fb1",
+ "6k0u",
+ "7sjy",
+ "6dtr",
+ "4o8i",
+ "1yl7",
+ "9nse",
+ "3x21",
+ "5yiw",
+ "1d2b",
+ "2hdl",
+ "4ymq",
+ "6dfc",
+ "3o5b",
+ "2a1a",
+ "5g0h",
+ "2ydd",
+ "1m9f",
+ "5jim",
+ "5szy",
+ "6jmz",
+ "5ibw",
+ "1fht",
+ "7v31",
+ "4ce7",
+ "5phr",
+ "2nr0",
+ "3olz",
+ "8exg",
+ "4ba5",
+ "4bk2",
+ "5w57",
+ "5zeq",
+ "4lve",
+ "5f5c",
+ "2ygs",
+ "7r0u",
+ "4zz4",
+ "1b47",
+ "6t58",
+ "2fw7",
+ "3qh3",
+ "2wf3",
+ "5esv",
+ "3k44",
+ "5tm0",
+ "5an8",
+ "5mxr",
+ "3ziq",
+ "3j0j",
+ "1gyl",
+ "1epx",
+ "5o8e",
+ "4ueb",
+ "1v6i",
+ "1k0r",
+ "1yt3",
+ "7qa8",
+ "5i5o",
+ "1by3",
+ "5rdk",
+ "3ks0",
+ "6s72",
+ "6pun",
+ "7bp4",
+ "6le6",
+ "6rlv",
+ "5dqf",
+ "6h3n",
+ "6ux0",
+ "1h9e",
+ "4cag",
+ "4jv1",
+ "6h4f",
+ "5kxh",
+ "2ypt",
+ "7ubp",
+ "2g2n",
+ "5ynz",
+ "5w0g",
+ "7qpu",
+ "3d10",
+ "3lxc",
+ "4idc",
+ "1jsm",
+ "1fz9",
+ "3zk4",
+ "5i3j",
+ "1c7e",
+ "1mk2",
+ "7r0o",
+ "5nmk",
+ "6qg0",
+ "1pkt",
+ "6ofs",
+ "5huk",
+ "6n9w",
+ "7acs",
+ "7vgv",
+ "2b8h",
+ "1quk",
+ "5iex",
+ "6sm4",
+ "7qbf",
+ "5oo2",
+ "2k00",
+ "3mhp",
+ "1d4f",
+ "4p9l",
+ "5cdu",
+ "6tnq",
+ "2j96",
+ "1c7j",
+ "1ym0",
+ "7xzz",
+ "5l68",
+ "7ns1",
+ "7shy",
+ "1q09",
+ "7c9r",
+ "2j20",
+ "1y2b",
+ "6krq",
+ "5e80",
+ "5u4f",
+ "2eal",
+ "2qnn",
+ "3qs1",
+ "1vtk",
+ "2vrw",
+ "2v8n",
+ "7la4",
+ "1pbp",
+ "2auz",
+ "2fse",
+ "5oi0",
+ "4i6u",
+ "4cvd",
+ "2zcg",
+ "1kbh",
+ "2hvj",
+ "6aun",
+ "4koa",
+ "4pa1",
+ "3h73",
+ "4v2m",
+ "1r4c",
+ "1gqm",
+ "4woa",
+ "4p2m",
+ "2j9h",
+ "5yt4",
+ "3zqj",
+ "3nk4",
+ "6lha",
+ "7ny6",
+ "1h1l",
+ "4dez",
+ "7agj",
+ "4qnm",
+ "1lp1",
+ "7tn5",
+ "5wbd",
+ "4hbv",
+ "6lrk",
+ "3ptd",
+ "5a1k",
+ "7e6q",
+ "3ii1",
+ "1w2y",
+ "5szp",
+ "5h03",
+ "6hog",
+ "5ejn",
+ "4ggn",
+ "7jq8",
+ "4l9q",
+ "2ibj",
+ "5i56",
+ "8i5v",
+ "5goe",
+ "3vwi",
+ "1kgd",
+ "6i2t",
+ "6dvd",
+ "5ouj",
+ "8biu",
+ "5pgu",
+ "2z3i",
+ "1h5i",
+ "5ny3",
+ "6och",
+ "1zgt",
+ "5luf",
+ "1e0a",
+ "6u3r",
+ "7t5z",
+ "2wiy",
+ "6fli",
+ "6y36",
+ "2wkg",
+ "7nrb",
+ "5bza",
+ "7p65",
+ "2lgy",
+ "6ym1",
+ "1x6v",
+ "7eg3",
+ "6s5m",
+ "7tvj",
+ "3sdr",
+ "7ukv",
+ "7qe8",
+ "4m03",
+ "1p8g",
+ "1i9d",
+ "3gw5",
+ "7uwn",
+ "6adu",
+ "6esc",
+ "4r8g",
+ "1j5c",
+ "5py2",
+ "4uhb",
+ "4d7e",
+ "7qgx",
+ "1mat",
+ "4xsd",
+ "8okl",
+ "4ll3",
+ "7sa5",
+ "6fc5",
+ "2i7n",
+ "5rpk",
+ "6li3",
+ "5dcc",
+ "2g3m",
+ "6vre",
+ "2iya",
+ "1a6a",
+ "1t6o",
+ "3ub4",
+ "2q2p",
+ "5ste",
+ "1ict",
+ "6a23",
+ "7k9k",
+ "4ip7",
+ "4mxr",
+ "1pfs",
+ "4f4m",
+ "3fkv",
+ "3awx",
+ "1se4",
+ "6rl0",
+ "1ydi",
+ "1tt8",
+ "2xkv",
+ "3by4",
+ "3ucd",
+ "2px6",
+ "2vnm",
+ "5o1f",
+ "5qdf",
+ "3s7s",
+ "5tz8",
+ "2ain",
+ "1edd",
+ "3w2q",
+ "1gvz",
+ "6fy0",
+ "6jz6",
+ "6vz1",
+ "6pbp",
+ "4mcu",
+ "5f54",
+ "2ykf",
+ "1m0l",
+ "2nn4",
+ "7y9t",
+ "1h7r",
+ "1hck",
+ "7ui1",
+ "6gj0",
+ "3csi",
+ "2ocl",
+ "2lc5",
+ "1o6f",
+ "4zfz",
+ "5r1n",
+ "6g9l",
+ "4ea7",
+ "6d0k",
+ "2lhd",
+ "3rce",
+ "7bs2",
+ "3vbk",
+ "5ip0",
+ "1xfd",
+ "7k0x",
+ "1kwx",
+ "5oun",
+ "2ex6",
+ "6vog",
+ "6b58",
+ "5wqa",
+ "5rhb",
+ "1fs4",
+ "3e2t",
+ "3nxg",
+ "7o8m",
+ "7cv1",
+ "6jxn",
+ "1un8",
+ "3a2v",
+ "6yx1",
+ "4pgn",
+ "5u1u",
+ "6hb6",
+ "5hg7",
+ "6q2a",
+ "7p4b",
+ "1svm",
+ "5hnp",
+ "4zj8",
+ "2nlo",
+ "7jnc",
+ "7b95",
+ "2mfs",
+ "2y1c",
+ "1ia0",
+ "1rah",
+ "6ich",
+ "3ofi",
+ "2lfn",
+ "1xr5",
+ "5kk7",
+ "1mru",
+ "6elk",
+ "1nkn",
+ "5fyo",
+ "1rw9",
+ "5l6b",
+ "2ynp",
+ "6dkb",
+ "2ji6",
+ "3gcm",
+ "2hg2",
+ "2vp6",
+ "8adi",
+ "5wvo",
+ "1pbf",
+ "1iwb",
+ "8e3u",
+ "3hvn",
+ "2xxp",
+ "4k2a",
+ "4lsx",
+ "3oqi",
+ "3g3q",
+ "6q8i",
+ "5p51",
+ "5zm4",
+ "7xkg",
+ "8avm",
+ "2vek",
+ "7yj9",
+ "7szg",
+ "2bm2",
+ "1x7z",
+ "7kvm",
+ "3wk7",
+ "6ihc",
+ "6brm",
+ "5tm5",
+ "1cax",
+ "2nvt",
+ "3tcl",
+ "5rv2",
+ "5nud",
+ "6n6a",
+ "5spe",
+ "1vjd",
+ "4b55",
+ "2p5j",
+ "1jha",
+ "4ei2",
+ "3v89",
+ "7vn8",
+ "4nxr",
+ "5akn",
+ "5mk4",
+ "5ws2",
+ "2v5j",
+ "5fc9",
+ "2bz7",
+ "3mxa",
+ "3b7t",
+ "1myg",
+ "5yic",
+ "2mqh",
+ "7feb",
+ "1q83",
+ "2v5l",
+ "7jgq",
+ "4v2d",
+ "5fjd",
+ "5v19",
+ "2lfv",
+ "5y2z",
+ "3pcq",
+ "6hkn",
+ "5uuh",
+ "1nsr",
+ "4uw0",
+ "5hhi",
+ "1enj",
+ "1yzq",
+ "5c7n",
+ "1pra",
+ "4ngq",
+ "7kf4",
+ "5kk2",
+ "5j2i",
+ "5kc9",
+ "2kc9",
+ "2j6e",
+ "1v6j",
+ "2zk7",
+ "6gz1",
+ "4rlm",
+ "1a2n",
+ "2yk2",
+ "6iu1",
+ "6dth",
+ "7s30",
+ "6g6x",
+ "6m6c",
+ "6v2w",
+ "8bt1",
+ "1baz",
+ "1qnn",
+ "4owf",
+ "3okm",
+ "1aei",
+ "1xnx",
+ "1sqt",
+ "3rl1",
+ "7m53",
+ "7f0h",
+ "6ih9",
+ "8cy5",
+ "4mjn",
+ "5mp8",
+ "2g0x",
+ "1onh",
+ "6s33",
+ "6xjl",
+ "2rtj",
+ "7d2q",
+ "4bht",
+ "3vim",
+ "3meb",
+ "7yah",
+ "5r3h",
+ "7rly",
+ "3r9q",
+ "1y6i",
+ "3qmc",
+ "4rlf",
+ "6qd9",
+ "3gj6",
+ "5pyg",
+ "5nqa",
+ "1zy3",
+ "7cnm",
+ "1c2m",
+ "6dif",
+ "5mnu",
+ "4gk5",
+ "1egr",
+ "2l4s",
+ "4dh6",
+ "4kfw",
+ "3ppi",
+ "6h3g",
+ "6nk0",
+ "3gpq",
+ "5o7y",
+ "3qz2",
+ "7ndp",
+ "3ap5",
+ "7ntr",
+ "4jf7",
+ "6shd",
+ "7dgj",
+ "7wb8",
+ "4dpd",
+ "2n47",
+ "7dte",
+ "6vo0",
+ "6otg",
+ "4kol",
+ "7eqb",
+ "7e8l",
+ "5cw8",
+ "7lu8",
+ "4roc",
+ "6qwq",
+ "1ywd",
+ "3ev2",
+ "5wtb",
+ "6rpa",
+ "2qqk",
+ "5og2",
+ "1fo2",
+ "1flm",
+ "1ekf",
+ "4ysv",
+ "4ryl",
+ "1kak",
+ "7mew",
+ "7pmi",
+ "5dyp",
+ "4bvu",
+ "3l2b",
+ "1pa7",
+ "3wa0",
+ "8av6",
+ "1p09",
+ "6xsj",
+ "6auu",
+ "7ksu",
+ "5y9j",
+ "5d1c",
+ "5xfs",
+ "1h44",
+ "6xfv",
+ "3qh1",
+ "1duo",
+ "5l5o",
+ "3mh3",
+ "2z19",
+ "6i0c",
+ "7ydg",
+ "5aqx",
+ "2nsx",
+ "4bzc",
+ "7ve4",
+ "2lpm",
+ "6usx",
+ "4exn",
+ "7t79",
+ "2zeu",
+ "3zqk",
+ "5w5u",
+ "6w3a",
+ "7xsg",
+ "5f4o",
+ "6lxt",
+ "5gqf",
+ "1ux6",
+ "3rc2",
+ "5pwh",
+ "7xtl",
+ "4q99",
+ "3s3w",
+ "1qlb",
+ "5f0e",
+ "3ou1",
+ "6qhc",
+ "3oed",
+ "6bxs",
+ "6qi8",
+ "3tfy",
+ "1six",
+ "5j2n",
+ "1xxr",
+ "1ya8",
+ "2zud",
+ "7mnn",
+ "5hkf",
+ "6e55",
+ "2lnq",
+ "7d8p",
+ "6pjp",
+ "7dlw",
+ "5hb0",
+ "5cds",
+ "1t8t",
+ "5j6x",
+ "1oq3",
+ "4kzv",
+ "3fy3",
+ "3w3l",
+ "5xec",
+ "3e8g",
+ "4r14",
+ "5fzj",
+ "5pi7",
+ "6wn6",
+ "6e9t",
+ "3fb1",
+ "6i79",
+ "3g6v",
+ "6f34",
+ "6xny",
+ "4oaw",
+ "7psg",
+ "4zkq",
+ "3id5",
+ "6yex",
+ "6skb",
+ "3qq2",
+ "2klv",
+ "2hbb",
+ "3oen",
+ "7s6b",
+ "1qh5",
+ "2mgp",
+ "3mvc",
+ "7sp3",
+ "4z4t",
+ "3k45",
+ "8c10",
+ "2hvo",
+ "7mkf",
+ "1t08",
+ "1lam",
+ "4x1e",
+ "1znn",
+ "6hfa",
+ "4e3w",
+ "6h2m",
+ "6xgx",
+ "2ked",
+ "5eus",
+ "1f8c",
+ "5hsz",
+ "8fee",
+ "5row",
+ "3gnp",
+ "2l68",
+ "3bu8",
+ "7pqr",
+ "7t2f",
+ "4w1v",
+ "3lle",
+ "1q2z",
+ "5ywg",
+ "1c1n",
+ "2kij",
+ "1gml",
+ "3jtl",
+ "3ijs",
+ "1tnr",
+ "1ed9",
+ "1id4",
+ "2v00",
+ "4al1",
+ "3azn",
+ "1xgm",
+ "4i02",
+ "3bra",
+ "4r9w",
+ "4rsk",
+ "4qum",
+ "2bd4",
+ "6bfi",
+ "3kyq",
+ "7m04",
+ "1ofn",
+ "4d9m",
+ "2wuk",
+ "4n7b",
+ "7e70",
+ "1o07",
+ "1okl",
+ "5ab5",
+ "4x8p",
+ "2xwp",
+ "4l2c",
+ "6yen",
+ "5ebb",
+ "6p56",
+ "1hko",
+ "3d75",
+ "5w8u",
+ "1or6",
+ "5xtv",
+ "1xn6",
+ "1bpl",
+ "5rbu",
+ "5u2v",
+ "1edt",
+ "4yj2",
+ "5k8b",
+ "4nil",
+ "5ksr",
+ "1z7g",
+ "2wtn",
+ "4rsu",
+ "7aq0",
+ "7c7d",
+ "1i19",
+ "2q3w",
+ "6aft",
+ "4z6r",
+ "5xcs",
+ "4jwy",
+ "4jk5",
+ "1ljj",
+ "6fy9",
+ "5sa9",
+ "6ta5",
+ "4b46",
+ "6v08",
+ "1b3g",
+ "5jp9",
+ "5yr6",
+ "2asq",
+ "1ggz",
+ "2i75",
+ "6ldk",
+ "3clb",
+ "4c1g",
+ "1rof",
+ "1p8a",
+ "5s1w",
+ "4xdg",
+ "5yjj",
+ "5fec",
+ "5yg2",
+ "7mfl",
+ "7nzj",
+ "5cl0",
+ "1cgf",
+ "2n1t",
+ "7lod",
+ "6k0m",
+ "6ced",
+ "6yvz",
+ "5d9l",
+ "4b7m",
+ "6txa",
+ "1hzc",
+ "5b66",
+ "6bvg",
+ "5l7u",
+ "6n7o",
+ "5elx",
+ "2zqe",
+ "5n7f",
+ "7f2d",
+ "1e7w",
+ "7av2",
+ "5fff",
+ "5t2p",
+ "5mxv",
+ "5b3y",
+ "3nqe",
+ "4xew",
+ "2rdb",
+ "1hfb",
+ "1g9t",
+ "5jdb",
+ "7ndo",
+ "4n7o",
+ "2e3e",
+ "1r5w",
+ "2ypg",
+ "1kvl",
+ "3hd3",
+ "1l7x",
+ "2y46",
+ "4r8l",
+ "4nd6",
+ "6v7f",
+ "3h1j",
+ "7ecv",
+ "5hj2",
+ "4j23",
+ "4ynq",
+ "2rsg",
+ "4yaw",
+ "5psm",
+ "2ffv",
+ "5xro",
+ "5rgs",
+ "7dqf",
+ "2hru",
+ "2rcz",
+ "5ccl",
+ "7yxi",
+ "8dnc",
+ "1c5r",
+ "7eey",
+ "4gae",
+ "2n8n",
+ "7d3u",
+ "4uci",
+ "6lke",
+ "7t46",
+ "5mna",
+ "7m84",
+ "4nie",
+ "3stx",
+ "4hyb",
+ "5u2l",
+ "6cs6",
+ "6rzb",
+ "7t6s",
+ "1z69",
+ "1cvf",
+ "3nny",
+ "2h3x",
+ "1v1d",
+ "2z6m",
+ "1p0n",
+ "2p9w",
+ "3nt5",
+ "3qdh",
+ "3x2s",
+ "4xmo",
+ "4ufj",
+ "3dx8",
+ "8a0j",
+ "6hc2",
+ "3fn5",
+ "1tk1",
+ "3bcm",
+ "6nvp",
+ "7np6",
+ "5qmk",
+ "5v11",
+ "5ziq",
+ "1g8i",
+ "1p14",
+ "6q0g",
+ "2w6t",
+ "4y23",
+ "1gdn",
+ "2wd5",
+ "5ht1",
+ "2r9f",
+ "4ivv",
+ "5trh",
+ "6l57",
+ "4j7g",
+ "7p0w",
+ "6t3c",
+ "3wth",
+ "2xaa",
+ "1sf7",
+ "2kja",
+ "6k0n",
+ "2xys",
+ "7tzh",
+ "1d06",
+ "2abh",
+ "7ktj",
+ "4mhz",
+ "3lei",
+ "3wp9",
+ "5aui",
+ "1p4d",
+ "5udj",
+ "3bo8",
+ "3om5",
+ "6iq6",
+ "1pgb",
+ "5xim",
+ "6pbv",
+ "1npy",
+ "3hct",
+ "3dtf",
+ "4o9b",
+ "1d1a",
+ "4hul",
+ "7jj9",
+ "5jyu",
+ "6myy",
+ "1xcr",
+ "8ay1",
+ "4m4m",
+ "5vt2",
+ "3n7n",
+ "2e7z",
+ "3g1o",
+ "7a40",
+ "2r4g",
+ "4msm",
+ "3zvq",
+ "4rj7",
+ "2jdz",
+ "5dvf",
+ "6hh2",
+ "1jcx",
+ "3b2p",
+ "4v0m",
+ "7fbt",
+ "6xmg",
+ "5flr",
+ "4igs",
+ "6l3m",
+ "1j39",
+ "7k95",
+ "5a2w",
+ "4pu0",
+ "4j24",
+ "6oex",
+ "3r18",
+ "2fwi",
+ "6rnv",
+ "4u0z",
+ "1i5i",
+ "3a4g",
+ "3c1o",
+ "4iy1",
+ "1zkm",
+ "7u4n",
+ "5iu2",
+ "5th5",
+ "6s9k",
+ "8ar8",
+ "7nb8",
+ "5vvv",
+ "3jyi",
+ "5thp",
+ "5x2o",
+ "6hiq",
+ "4zy2",
+ "2xtj",
+ "5m3e",
+ "5b2l",
+ "7lp5",
+ "5dzn",
+ "5n2f",
+ "1p2z",
+ "6os0",
+ "5qg2",
+ "1z9n",
+ "3zge",
+ "32c2",
+ "5dyk",
+ "4h90",
+ "6cy8",
+ "5c3n",
+ "5aeb",
+ "3g53",
+ "3gny",
+ "3m85",
+ "3rgn",
+ "2gpq",
+ "5npl",
+ "1ga7",
+ "1gih",
+ "7u65",
+ "3aa6",
+ "4unp",
+ "8a6c",
+ "5w33",
+ "7n80",
+ "3l1f",
+ "3eb8",
+ "2bih",
+ "7rnh",
+ "1faz",
+ "2bob",
+ "1dc2",
+ "2jk0",
+ "3ia6",
+ "4aoq",
+ "4wrt",
+ "6ul8",
+ "6rxd",
+ "7mlb",
+ "6pd3",
+ "3fbl",
+ "3mp6",
+ "2cna",
+ "7kvs",
+ "7jov",
+ "2hha",
+ "5dyx",
+ "4ee3",
+ "4ijz",
+ "2g36",
+ "6j3f",
+ "5rv9",
+ "5wc9",
+ "7t6j",
+ "1qzq",
+ "1tjf",
+ "5dg0",
+ "4n6w",
+ "7lun",
+ "7bp8",
+ "6hsg",
+ "6n5m",
+ "3hsk",
+ "1yw5",
+ "3sup",
+ "7e7f",
+ "7lkk",
+ "7ex4",
+ "3f9v",
+ "7yj5",
+ "3qvh",
+ "4zwn",
+ "3pwp",
+ "2r38",
+ "7rfl",
+ "3ptm",
+ "4hkp",
+ "5xcj",
+ "2imk",
+ "6tfp",
+ "2nrr",
+ "2opc",
+ "2y43",
+ "1lan",
+ "5nui",
+ "7peu",
+ "7zfv",
+ "3uou",
+ "5yzo",
+ "3pm1",
+ "1c90",
+ "1uw0",
+ "4a1g",
+ "4mzi",
+ "1l5v",
+ "4nnn",
+ "5w4o",
+ "7w9g",
+ "1cij",
+ "4ed8",
+ "4yh3",
+ "3g3b",
+ "6myp",
+ "5vu2",
+ "4mis",
+ "6iox",
+ "1poa",
+ "4azn",
+ "1bzo",
+ "6lbf",
+ "4chm",
+ "2qqb",
+ "2ovm",
+ "7a1p",
+ "1rry",
+ "3ikg",
+ "5ftf",
+ "4kl0",
+ "2iit",
+ "6fgl",
+ "2bfk",
+ "5z4e",
+ "4ub7",
+ "3f3u",
+ "4nz3",
+ "2uwe",
+ "5phj",
+ "6ora",
+ "3g29",
+ "6m4v",
+ "4dvq",
+ "1mjt",
+ "4xt4",
+ "5e8v",
+ "2rqb",
+ "1kib",
+ "5lz4",
+ "5ket",
+ "3b6d",
+ "6xj8",
+ "7ayr",
+ "5a0x",
+ "3wv8",
+ "5ti4",
+ "4qk3",
+ "2aek",
+ "4x7h",
+ "1jho",
+ "5u4l",
+ "8dey",
+ "3b0f",
+ "3w8l",
+ "6hgl",
+ "1ml9",
+ "3cpt",
+ "7diy",
+ "7o5z",
+ "6oc3",
+ "3wkh",
+ "2iws",
+ "2gbf",
+ "6kqr",
+ "7uwf",
+ "7tz8",
+ "7szf",
+ "4r5w",
+ "1rlf",
+ "7ded",
+ "3a9g",
+ "2qdl",
+ "7ywd",
+ "2zyi",
+ "7dyd",
+ "3hh8",
+ "4frs",
+ "7c64",
+ "4x9c",
+ "2zgh",
+ "1fex",
+ "5mk7",
+ "2wik",
+ "6ro3",
+ "6tvg",
+ "1f2u",
+ "4lw2",
+ "4rrm",
+ "1jdz",
+ "5zbo",
+ "6tzg",
+ "5eoe",
+ "1veo",
+ "6pp9",
+ "3myd",
+ "8bro",
+ "5xc9",
+ "3w8m",
+ "1bo6",
+ "3qag",
+ "1uup",
+ "7cj9",
+ "5eq4",
+ "1rqd",
+ "2v0r",
+ "6ncw",
+ "4cm3",
+ "4yz2",
+ "8cta",
+ "4rnr",
+ "3jpq",
+ "4mf0",
+ "1st8",
+ "1u6i",
+ "2aux",
+ "2fon",
+ "4mqv",
+ "5rvv",
+ "3u3t",
+ "8atd",
+ "5ds6",
+ "4e7z",
+ "1exd",
+ "6evl",
+ "7r3v",
+ "5ktw",
+ "4fth",
+ "7nof",
+ "1bi7",
+ "7k4i",
+ "6yvy",
+ "4ffg",
+ "1ewc",
+ "3kch",
+ "4dco",
+ "4q3s",
+ "5t4g",
+ "8ea7",
+ "1tld",
+ "1p2a",
+ "3kjh",
+ "3iwi",
+ "6anu",
+ "3qmf",
+ "2y55",
+ "6r78",
+ "6sev",
+ "2jl1",
+ "7kr4",
+ "2mbb",
+ "5yfu",
+ "2idq",
+ "1fiy",
+ "1s7u",
+ "5z44",
+ "4o4d",
+ "3wjx",
+ "3fx6",
+ "6idx",
+ "3nfz",
+ "2eaa",
+ "7nud",
+ "1b9a",
+ "1so3",
+ "1ooz",
+ "4h2c",
+ "5m3t",
+ "2hw9",
+ "3iga",
+ "1bp3",
+ "1v8t",
+ "2wjv",
+ "5uap",
+ "1gir",
+ "1fzw",
+ "5ewy",
+ "5nd3",
+ "1qe0",
+ "6cd9",
+ "7c67",
+ "2ww3",
+ "1k6y",
+ "1uc4",
+ "3num",
+ "6o3i",
+ "7waj",
+ "4tt1",
+ "8d9p",
+ "5ew5",
+ "3gpc",
+ "4v0u",
+ "5h9t",
+ "3ez6",
+ "5ujn",
+ "3ara",
+ "5x8h",
+ "1i6v",
+ "1yhu",
+ "7n4z",
+ "4da8",
+ "1ari",
+ "4qbw",
+ "4gh7",
+ "3bzl",
+ "3rvd",
+ "1gb9",
+ "1o2o",
+ "3uvv",
+ "5iid",
+ "2l3s",
+ "3qpg",
+ "1l6h",
+ "5ad7",
+ "8axf",
+ "4jxw",
+ "5do8",
+ "4zi8",
+ "7npx",
+ "7jxd",
+ "4o67",
+ "3djs",
+ "3sx5",
+ "5c1v",
+ "6eh9",
+ "8fbk",
+ "1m4e",
+ "6lq2",
+ "5ruf",
+ "1kbe",
+ "7om6",
+ "6uo8",
+ "6jip",
+ "1t31",
+ "3ft1",
+ "5gra",
+ "4fmb",
+ "2c93",
+ "1tsh",
+ "7tae",
+ "2cay",
+ "5fbs",
+ "1y5v",
+ "3rie",
+ "5eiw",
+ "2wje",
+ "2q2z",
+ "2fm5",
+ "1e3d",
+ "1jto",
+ "3sdw",
+ "4r55",
+ "2di3",
+ "1kly",
+ "3qgz",
+ "7no4",
+ "1fi9",
+ "3nbe",
+ "2cc8",
+ "6j9c",
+ "3uq5",
+ "2lkd",
+ "7she",
+ "3c1n",
+ "5hev",
+ "3ws3",
+ "1rxh",
+ "6qnw",
+ "5nif",
+ "2vdq",
+ "6npi",
+ "1dj9",
+ "7r0l",
+ "5y78",
+ "2lkb",
+ "5lge",
+ "8a8r",
+ "1m2q",
+ "6aro",
+ "2mfa",
+ "4dnp",
+ "1ikc",
+ "1y9l",
+ "5vkm",
+ "1v4y",
+ "4m8n",
+ "3beu",
+ "2vjp",
+ "4itf",
+ "5ct9",
+ "4n5r",
+ "3u28",
+ "1olp",
+ "3inf",
+ "6z1h",
+ "6s76",
+ "7u5n",
+ "4xb1",
+ "4qqc",
+ "5hxb",
+ "1vyw",
+ "3pxb",
+ "2uxa",
+ "7lma",
+ "4gbp",
+ "1p6u",
+ "1dje",
+ "1cin",
+ "4j3x",
+ "1lsn",
+ "1oze",
+ "5aho",
+ "3agh",
+ "4y69",
+ "1syf",
+ "3zyl",
+ "1b0o",
+ "6z1c",
+ "5xmm",
+ "8euh",
+ "7y5y",
+ "6uby",
+ "2y4a",
+ "4df6",
+ "6kp2",
+ "5bkh",
+ "5qlj",
+ "5bsg",
+ "1rcp",
+ "5vhs",
+ "7qye",
+ "2bbz",
+ "6dhq",
+ "4ezf",
+ "5m6c",
+ "1tjo",
+ "6fgg",
+ "5nq6",
+ "5e7v",
+ "8dyh",
+ "6znp",
+ "5rpe",
+ "5w3q",
+ "6dzq",
+ "6oo3",
+ "3lpw",
+ "3sl6",
+ "1kj5",
+ "5prt",
+ "2nlb",
+ "1bwo",
+ "2dtx",
+ "8ibv",
+ "6z8t",
+ "2ie4",
+ "4ysp",
+ "1knk",
+ "2dkc",
+ "5m3x",
+ "2o26",
+ "6ux2",
+ "1w5b",
+ "6cmp",
+ "6fyv",
+ "4cpn",
+ "1mkn",
+ "4ost",
+ "6mj4",
+ "1ltv",
+ "7s1r",
+ "2age",
+ "6h4b",
+ "1qpg",
+ "7lbp",
+ "2g0f",
+ "6ojk",
+ "6awf",
+ "2faf",
+ "5qdo",
+ "5anc",
+ "6vuo",
+ "3mm2",
+ "4qkj",
+ "2b4p",
+ "7l3u",
+ "4ugt",
+ "2w5s",
+ "4yuh",
+ "1j0j",
+ "4ic6",
+ "7er8",
+ "2a6e",
+ "2hwk",
+ "7u14",
+ "5tnl",
+ "1cqi",
+ "3vxt",
+ "6gz0",
+ "5ykf",
+ "3psr",
+ "6mq9",
+ "2yvx",
+ "3q2k",
+ "6ub6",
+ "6qkt",
+ "5rv3",
+ "2nc7",
+ "6zhb",
+ "7mzs",
+ "4p7b",
+ "1dre",
+ "7ln8",
+ "3gym",
+ "3gur",
+ "3tux",
+ "3q41",
+ "4zpa",
+ "5hwn",
+ "6tx1",
+ "2y53",
+ "5xaw",
+ "2xxq",
+ "1r1s",
+ "7mi4",
+ "1kj9",
+ "3o7x",
+ "5apd",
+ "6roz",
+ "5yib",
+ "8cw9",
+ "3qlm",
+ "5ky8",
+ "4upn",
+ "1m0n",
+ "6bns",
+ "1usq",
+ "6xno",
+ "6wmb",
+ "7xry",
+ "2lp0",
+ "1ay9",
+ "6uf2",
+ "6ceh",
+ "2cm2",
+ "7xj4",
+ "4rat",
+ "7scm",
+ "5f4p",
+ "6tow",
+ "6yzq",
+ "3rql",
+ "6x3e",
+ "5inq",
+ "4n8d",
+ "3n5t",
+ "6gsi",
+ "1fwd",
+ "5tk9",
+ "6md6",
+ "4hts",
+ "5nnz",
+ "5jvs",
+ "5x6f",
+ "3kh4",
+ "2irz",
+ "2joo",
+ "3adg",
+ "5cg5",
+ "7uzt",
+ "3rzk",
+ "6suc",
+ "5jpg",
+ "2v6o",
+ "6yxp",
+ "4n3t",
+ "7jlk",
+ "3s1j",
+ "1l25",
+ "4be2",
+ "6b4d",
+ "6sqc",
+ "2kqs",
+ "5v7w",
+ "1ngc",
+ "4x0f",
+ "1zp0",
+ "1lqd",
+ "5kmd",
+ "7x4m",
+ "6pby",
+ "6usy",
+ "1fpf",
+ "6sdx",
+ "3osa",
+ "7b98",
+ "4mki",
+ "4yi9",
+ "1umf",
+ "3kfi",
+ "4p4j",
+ "7vu6",
+ "4dmy",
+ "1o9k",
+ "2cpl",
+ "7dbp",
+ "1l5p",
+ "6sig",
+ "4cle",
+ "3vzs",
+ "5qm7",
+ "4m92",
+ "6el0",
+ "5ta9",
+ "7neu",
+ "6cna",
+ "1ca7",
+ "3s1k",
+ "1trl",
+ "4e3k",
+ "4wp3",
+ "3jcx",
+ "7rtq",
+ "5erm",
+ "1jhz",
+ "1lf2",
+ "2q55",
+ "4nla",
+ "1f56",
+ "7d1n",
+ "4e9l",
+ "6ttt",
+ "2nn2",
+ "3rds",
+ "7ovb",
+ "1pxx",
+ "2c3j",
+ "4oew",
+ "7afs",
+ "8bdt",
+ "1v8z",
+ "7u5k",
+ "1bla",
+ "5ndf",
+ "1fm4",
+ "1dea",
+ "3stk",
+ "7jw4",
+ "3bu1",
+ "4rx3",
+ "4wtd",
+ "1ljg",
+ "1u6s",
+ "1t0n",
+ "2nx6",
+ "5xc7",
+ "3clx",
+ "2b8y",
+ "5onc",
+ "6lgt",
+ "3ws6",
+ "1efm",
+ "6jdi",
+ "3dbf",
+ "4fz0",
+ "6quu",
+ "3nu4",
+ "3b29",
+ "2x6g",
+ "4orw",
+ "4hn5",
+ "7uy1",
+ "3v8g",
+ "5v37",
+ "2llm",
+ "4mms",
+ "3s7v",
+ "1ury",
+ "1evl",
+ "2rb3",
+ "5iic",
+ "3m88",
+ "3e4c",
+ "2jqx",
+ "2gdr",
+ "5z5x",
+ "3zeb",
+ "7o3c",
+ "7awn",
+ "4agl",
+ "8bd6",
+ "1bs8",
+ "5f4q",
+ "3wnv",
+ "1yp4",
+ "8chh",
+ "3h1k",
+ "4gt4",
+ "5rgk",
+ "7bso",
+ "2jek",
+ "1c8d",
+ "1n13",
+ "7fnr",
+ "1uk7",
+ "2boq",
+ "3ghq",
+ "2lrr",
+ "4io6",
+ "1o2n",
+ "4qpk",
+ "5jsx",
+ "7nrq",
+ "6z00",
+ "5mpi",
+ "8eob",
+ "6vzy",
+ "5djy",
+ "3rvr",
+ "2dvi",
+ "3ez9",
+ "4yzi",
+ "1udo",
+ "1boz",
+ "3dg6",
+ "7q64",
+ "2o1o",
+ "2yrw",
+ "5wi7",
+ "4qqy",
+ "7kyk",
+ "4a7b",
+ "3p3j",
+ "1fny",
+ "4mv4",
+ "1w3p",
+ "1w1l",
+ "5ujb",
+ "7lhv",
+ "4i3b",
+ "4l4e",
+ "4dwc",
+ "6ks5",
+ "2xd8",
+ "5ddc",
+ "6a1l",
+ "6ggv",
+ "4xjt",
+ "6kon",
+ "5gzt",
+ "1jp6",
+ "4fyx",
+ "5thj",
+ "5fhe",
+ "3wmg",
+ "1hg5",
+ "1oa7",
+ "4mao",
+ "6ebe",
+ "1flq",
+ "3h2v",
+ "4olr",
+ "3e1p",
+ "4k43",
+ "4bii",
+ "4lxi",
+ "5fvv",
+ "5a9w",
+ "5v34",
+ "1jq4",
+ "2blx",
+ "2h8e",
+ "5xzh",
+ "1cwo",
+ "1sm8",
+ "6b15",
+ "2yku",
+ "6vjl",
+ "2a6v",
+ "7zd9",
+ "3cwe",
+ "6i3y",
+ "8d1n",
+ "4wbu",
+ "5io7",
+ "6vtc",
+ "1elg",
+ "3j2o",
+ "4lvs",
+ "2q58",
+ "2ovp",
+ "2kxt",
+ "1q8m",
+ "4c6w",
+ "7asc",
+ "5xof",
+ "1pq8",
+ "5pdj",
+ "2ynw",
+ "4yur",
+ "1dj8",
+ "5o6m",
+ "2d2f",
+ "6cow",
+ "7r4k",
+ "5vd6",
+ "5wfd",
+ "6y91",
+ "5anv",
+ "1xiu",
+ "1r1t",
+ "4gnc",
+ "6s3e",
+ "7cwg",
+ "4n35",
+ "2v6s",
+ "2wbe",
+ "4whg",
+ "7oam",
+ "3f7g",
+ "5oha",
+ "3vw1",
+ "1rql",
+ "1g4k",
+ "6zt6",
+ "1h8z",
+ "4ern",
+ "3m2n",
+ "4om5",
+ "3k43",
+ "2vua",
+ "1ka4",
+ "3irq",
+ "2q7a",
+ "3dgb",
+ "1dvt",
+ "6xll",
+ "4hw5",
+ "4kmc",
+ "2a8m",
+ "4c6g",
+ "6ea9",
+ "2irx",
+ "5zj6",
+ "5zj9",
+ "4bta",
+ "3bch",
+ "1mpq",
+ "4ms0",
+ "1v9f",
+ "4c7x",
+ "6p3y",
+ "5t7g",
+ "7qu0",
+ "2kmt",
+ "4obf",
+ "7c0s",
+ "2zz1",
+ "7jhz",
+ "7zxu",
+ "3kj4",
+ "2qrx",
+ "5vys",
+ "6im1",
+ "4ie1",
+ "2e59",
+ "1k6c",
+ "1gue",
+ "6elp",
+ "5aju",
+ "6at5",
+ "7ffw",
+ "6zt5",
+ "1s5c",
+ "6os9",
+ "3or7",
+ "7fm0",
+ "6ukx",
+ "3nof",
+ "5daq",
+ "7pxw",
+ "1ts4",
+ "1a2z",
+ "6sp8",
+ "2hp1",
+ "5o7i",
+ "1z8w",
+ "4mqs",
+ "5l2x",
+ "5prg",
+ "4ycg",
+ "7wo1",
+ "1uig",
+ "1y6a",
+ "6ulc",
+ "3han",
+ "6ah6",
+ "6sjd",
+ "2cfo",
+ "4utn",
+ "2y3s",
+ "8df0",
+ "1xz2",
+ "3p0z",
+ "2wxu",
+ "5owk",
+ "4gvy",
+ "6kb1",
+ "7btv",
+ "5s5t",
+ "3n7b",
+ "7n6u",
+ "4lz5",
+ "7c9v",
+ "1olx",
+ "2f90",
+ "3rwj",
+ "7r3b",
+ "1k91",
+ "3haq",
+ "6ffj",
+ "3kns",
+ "3ea3",
+ "3l67",
+ "4xkt",
+ "6l8e",
+ "2y6w",
+ "1tq4",
+ "6how",
+ "7l7j",
+ "3my0",
+ "4lx8",
+ "4p2l",
+ "6qgg",
+ "6icw",
+ "4zlg",
+ "5ivh",
+ "1ib5",
+ "6jhs",
+ "4xu2",
+ "1dec",
+ "161l",
+ "1ff9",
+ "7x7x",
+ "7qn6",
+ "1poq",
+ "7nj7",
+ "4eji",
+ "5r35",
+ "3feg",
+ "4hcv",
+ "6ubl",
+ "3puo",
+ "4f0d",
+ "5u5d",
+ "6gpg",
+ "3q1r",
+ "6x3j",
+ "4gnd",
+ "6siu",
+ "5zhz",
+ "4xax",
+ "4l1s",
+ "5fni",
+ "4ojj",
+ "6hg9",
+ "1i39",
+ "2jnd",
+ "6uup",
+ "5zh8",
+ "4x5j",
+ "6bi8",
+ "4j3j",
+ "1l18",
+ "5m50",
+ "3vil",
+ "5r2e",
+ "3vtk",
+ "4hvl",
+ "5two",
+ "6stp",
+ "5a5d",
+ "1i7e",
+ "2wd8",
+ "2min",
+ "1lht",
+ "1l6w",
+ "4ilt",
+ "7etd",
+ "1agp",
+ "7w42",
+ "2p9e",
+ "6k9c",
+ "6dev",
+ "2pu5",
+ "4j6c",
+ "2or7",
+ "1icc",
+ "4kz9",
+ "3l95",
+ "6c4r",
+ "5r09",
+ "1cjx",
+ "2xvj",
+ "7ua8",
+ "7r0g",
+ "2b6t",
+ "6v7m",
+ "6fkm",
+ "6xee",
+ "7xr6",
+ "7uv9",
+ "2zm0",
+ "2jyu",
+ "1l2o",
+ "6kw7",
+ "4p0n",
+ "2v1k",
+ "4aym",
+ "7v7w",
+ "2bn8",
+ "6dde",
+ "1nna",
+ "5spy",
+ "1xzo",
+ "4zbv",
+ "5g1w",
+ "6ckj",
+ "6si9",
+ "5rcy",
+ "5a9v",
+ "3e08",
+ "7utc",
+ "1gc4",
+ "4f9b",
+ "4r0e",
+ "4zph",
+ "2vlx",
+ "4uuz",
+ "4zzh",
+ "3pd6",
+ "4a8o",
+ "8d03",
+ "4a2e",
+ "5dt4",
+ "1ux8",
+ "5jho",
+ "1jcg",
+ "4tqk",
+ "3ev4",
+ "6as4",
+ "2po5",
+ "7d8i",
+ "4dts",
+ "7km5",
+ "3uv3",
+ "2c6o",
+ "6csm",
+ "8b97",
+ "3f89",
+ "8dxq",
+ "7crw",
+ "6mhd",
+ "5twe",
+ "4om7",
+ "7n7b",
+ "6cn3",
+ "6k3j",
+ "7f6f",
+ "2hhe",
+ "5erf",
+ "4aec",
+ "1g0v",
+ "5irp",
+ "4dw1",
+ "3tqc",
+ "4obw",
+ "6iqc",
+ "3fed",
+ "6y4p",
+ "4fzf",
+ "7m2k",
+ "1c4t",
+ "6al8",
+ "2wkz",
+ "4z9k",
+ "1q5b",
+ "4man",
+ "3qcn",
+ "3chp",
+ "2arm",
+ "1dj5",
+ "6w90",
+ "4p60",
+ "4xhg",
+ "1q5m",
+ "5b6g",
+ "6k9h",
+ "5i8u",
+ "1npi",
+ "5lng",
+ "8cyk",
+ "4zmx",
+ "5ul5",
+ "4chd",
+ "1jwj",
+ "6wc0",
+ "3rg6",
+ "6tm0",
+ "2xgp",
+ "7bz8",
+ "1m8m",
+ "1v8r",
+ "5s4q",
+ "3lzj",
+ "2dkk",
+ "7u49",
+ "1u8y",
+ "4i37",
+ "3f38",
+ "6yw4",
+ "7pbs",
+ "5ecf",
+ "8dce",
+ "7od6",
+ "6u7b",
+ "2rd2",
+ "1mg1",
+ "5w6s",
+ "6qfc",
+ "1cj3",
+ "3ga8",
+ "4fjx",
+ "3d0g",
+ "5hmc",
+ "5iax",
+ "4p4t",
+ "6mb2",
+ "3gcc",
+ "7rhg",
+ "3i6b",
+ "6l03",
+ "2wre",
+ "2hxq",
+ "4dzk",
+ "7v67",
+ "2j7i",
+ "7xee",
+ "4nu7",
+ "1srn",
+ "2yjw",
+ "1xrm",
+ "4zau",
+ "7un4",
+ "1lte",
+ "4mth",
+ "2erj",
+ "4rg0",
+ "1i77",
+ "5jyy",
+ "4uxz",
+ "6idw",
+ "7puh",
+ "4ovf",
+ "7v9n",
+ "4pjo",
+ "1ctm",
+ "3n2e",
+ "6mmx",
+ "3nvi",
+ "4aam",
+ "5wd7",
+ "1blz",
+ "3qr2",
+ "4ynl",
+ "7sgz",
+ "2h1e",
+ "6lpi",
+ "4jwu",
+ "6q6z",
+ "3lfn",
+ "1ly8",
+ "6ivp",
+ "5j9z",
+ "2c2n",
+ "1fuw",
+ "4n99",
+ "4wff",
+ "6t7z",
+ "7aed",
+ "4bte",
+ "7cjo",
+ "1w70",
+ "5jxx",
+ "1zte",
+ "6cfd",
+ "2hxf",
+ "8aeb",
+ "4zyv",
+ "1hz9",
+ "2zoy",
+ "2ani",
+ "4hjw",
+ "1fks",
+ "5ek5",
+ "7dqb",
+ "1tmz",
+ "1w9u",
+ "2pnd",
+ "1ads",
+ "7myv",
+ "3lx1",
+ "5mps",
+ "7fqt",
+ "7auu",
+ "1iag",
+ "5y2t",
+ "6qx2",
+ "4zbi",
+ "5nax",
+ "6ukz",
+ "5ouk",
+ "3kcy",
+ "4uby",
+ "6p3q",
+ "3bvd",
+ "7zd6",
+ "6txl",
+ "1amo",
+ "5zjf",
+ "4xby",
+ "4rom",
+ "3d24",
+ "6t01",
+ "4q5p",
+ "7k26",
+ "2f9y",
+ "7qg6",
+ "4cxq",
+ "7myg",
+ "2ddr",
+ "7xtr",
+ "7mh2",
+ "7u0o",
+ "5elq",
+ "2mje",
+ "1khv",
+ "5dtr",
+ "4kcm",
+ "6p6x",
+ "4nyh",
+ "7mbn",
+ "4mp8",
+ "3fj7",
+ "2ziu",
+ "5jfs",
+ "6yub",
+ "1qic",
+ "6uay",
+ "4xf6",
+ "2dg1",
+ "3v86",
+ "1c5z",
+ "4u44",
+ "1pz7",
+ "6kbm",
+ "5o9l",
+ "6x7e",
+ "3zk6",
+ "6aoa",
+ "7qd4",
+ "3umh",
+ "5apx",
+ "1ozq",
+ "4ryc",
+ "2keh",
+ "5dzt",
+ "4d1i",
+ "3c9m",
+ "3b1o",
+ "1nfp",
+ "4ty0",
+ "6n97",
+ "6lzm",
+ "5mtq",
+ "4mmc",
+ "6yjk",
+ "6xg3",
+ "8cca",
+ "1my4",
+ "5yvd",
+ "4lhe",
+ "1q0d",
+ "7l3y",
+ "4xum",
+ "4x9v",
+ "1ofb",
+ "1ipa",
+ "6xyu",
+ "2z5c",
+ "6s07",
+ "3v4p",
+ "6ufy",
+ "2ykn",
+ "6z7r",
+ "5eu5",
+ "2kwu",
+ "4mtf",
+ "7tgl",
+ "4osy",
+ "6dn7",
+ "5mij",
+ "1h2o",
+ "1xog",
+ "3kfn",
+ "1taq",
+ "5wxy",
+ "5c19",
+ "1e8v",
+ "4ia7",
+ "6w9l",
+ "1f7o",
+ "6eoo",
+ "3vdr",
+ "3bpr",
+ "6bme",
+ "1vz6",
+ "6yu6",
+ "4q0h",
+ "2xz2",
+ "4uc8",
+ "1zi0",
+ "4bg1",
+ "5sw6",
+ "6e5d",
+ "5c7c",
+ "6clr",
+ "5hs9",
+ "4yz7",
+ "2msb",
+ "5ao4",
+ "2g96",
+ "5gla",
+ "1gli",
+ "3g1g",
+ "2f98",
+ "6ll7",
+ "2vs4",
+ "1kmx",
+ "7n2k",
+ "4ctp",
+ "6e7m",
+ "1l1q",
+ "1j0d",
+ "5bvo",
+ "4wd4",
+ "7ove",
+ "6cc8",
+ "2bc5",
+ "4b16",
+ "1blx",
+ "1fbk",
+ "1pc4",
+ "4c2i",
+ "5dsv",
+ "4g4b",
+ "5cz1",
+ "1l8j",
+ "1t2x",
+ "1cxx",
+ "7wqu",
+ "3u2w",
+ "1fu6",
+ "8czq",
+ "2g0r",
+ "4zdz",
+ "4uqi",
+ "3vzz",
+ "3en7",
+ "2bsj",
+ "3fo9",
+ "5l2q",
+ "7qaz",
+ "7ya2",
+ "5dyi",
+ "2gz7",
+ "1xtl",
+ "3oah",
+ "7w5w",
+ "5eyw",
+ "3j2n",
+ "5ac7",
+ "1jxp",
+ "1x2a",
+ "4agv",
+ "2db4",
+ "2je6",
+ "7yo9",
+ "3bhy",
+ "3a2k",
+ "1dq5",
+ "4u4g",
+ "7w5y",
+ "7ko5",
+ "8f7x",
+ "5pdu",
+ "5fb0",
+ "1osj",
+ "4wlj",
+ "5eu1",
+ "1gvq",
+ "2i61",
+ "1ld7",
+ "3mhg",
+ "4g8f",
+ "3lmu",
+ "6evg",
+ "7smz",
+ "7wdl",
+ "4pab",
+ "3a0h",
+ "5qz1",
+ "5wk0",
+ "6tp6",
+ "3lsp",
+ "2ba2",
+ "7yx4",
+ "3j6d",
+ "7kfr",
+ "7a92",
+ "2e3c",
+ "1a2p",
+ "6m8f",
+ "4kfr",
+ "2uvw",
+ "6nwp",
+ "3h7w",
+ "6zm9",
+ "2lj9",
+ "6pzy",
+ "2z97",
+ "4xif",
+ "6tk1",
+ "5p3a",
+ "3e1r",
+ "2zzk",
+ "6ejx",
+ "1xrf",
+ "1g3r",
+ "3vyb",
+ "1e0e",
+ "2mng",
+ "7vc7",
+ "5jcf",
+ "3e7a",
+ "6vi2",
+ "5gtp",
+ "6yzx",
+ "1mum",
+ "5voj",
+ "5a2d",
+ "6gcg",
+ "6d1z",
+ "7d9j",
+ "3n98",
+ "6d1g",
+ "2n7s",
+ "5zqv",
+ "7f1m",
+ "5e8l",
+ "4oj9",
+ "3ax3",
+ "2kyu",
+ "5b5b",
+ "6r2m",
+ "1g6u",
+ "7khn",
+ "4jlo",
+ "1wmt",
+ "3vsw",
+ "4msk",
+ "3uo9",
+ "4ay9",
+ "6k94",
+ "1kk1",
+ "7ep7",
+ "2j3u",
+ "1kyi",
+ "2grl",
+ "7d1b",
+ "3kqn",
+ "6xvw",
+ "1jhq",
+ "1k0f",
+ "6oct",
+ "4q2n",
+ "4mns",
+ "6xvp",
+ "1mby",
+ "2y29",
+ "5d87",
+ "7jrd",
+ "7aiu",
+ "1v08",
+ "1i9o",
+ "3tac",
+ "5txl",
+ "6wok",
+ "6cgo",
+ "3tym",
+ "1hcm",
+ "1bvw",
+ "6usv",
+ "3lql",
+ "6aa0",
+ "5omv",
+ "3jsy",
+ "3fsn",
+ "6rag",
+ "1j2j",
+ "3zi0",
+ "5r34",
+ "3pqh",
+ "7eu8",
+ "1hqt",
+ "7tdw",
+ "8d47",
+ "5ldk",
+ "1rsd",
+ "4eud",
+ "5nxn",
+ "6rc0",
+ "7e9h",
+ "7ccq",
+ "3sp5",
+ "6lcy",
+ "6u3w",
+ "2r7u",
+ "4tm8",
+ "3zmv",
+ "5kqb",
+ "3qqy",
+ "7mgr",
+ "1ql3",
+ "6fc8",
+ "2mg1",
+ "7o29",
+ "5hqd",
+ "3bnb",
+ "5ech",
+ "1crk",
+ "7jh7",
+ "3hs5",
+ "5a6c",
+ "4jes",
+ "5hym",
+ "1o6r",
+ "2gso",
+ "1iwk",
+ "4jer",
+ "3dbo",
+ "1tv2",
+ "5tjw",
+ "4pgj",
+ "6grq",
+ "7oyj",
+ "1j9j",
+ "3akg",
+ "7o8l",
+ "1gyo",
+ "4eb4",
+ "1aof",
+ "7d2a",
+ "2gpz",
+ "4pqc",
+ "4gvq",
+ "1jue",
+ "4zxg",
+ "7sqy",
+ "5h75",
+ "7yly",
+ "1nn2",
+ "4eo2",
+ "1ut8",
+ "5yfw",
+ "3n6f",
+ "5nme",
+ "2xx2",
+ "4c0w",
+ "5cu3",
+ "3wue",
+ "3c7w",
+ "6n87",
+ "6o6k",
+ "2jun",
+ "1ld4",
+ "7mlr",
+ "5oiz",
+ "4ki1",
+ "7n66",
+ "2wou",
+ "1tyv",
+ "1qv7",
+ "5jvz",
+ "6prd",
+ "3brz",
+ "5t94",
+ "4n2e",
+ "1mnj",
+ "6dch",
+ "4c8q",
+ "2pt2",
+ "2f2w",
+ "7lh9",
+ "7eea",
+ "2pfe",
+ "5ikk",
+ "1e61",
+ "2qwe",
+ "3a5w",
+ "4z1j",
+ "5csp",
+ "6cqx",
+ "3b8z",
+ "7rpc",
+ "4czl",
+ "1ns9",
+ "2qhn",
+ "6qe9",
+ "2d6c",
+ "3ada",
+ "1jw5",
+ "1dab",
+ "7ojy",
+ "6j7g",
+ "7bin",
+ "1kf4",
+ "1n7k",
+ "8bgn",
+ "1tvn",
+ "5rmj",
+ "1zcj",
+ "3qvu",
+ "4lux",
+ "1n6z",
+ "6q4z",
+ "7evs",
+ "4a3q",
+ "5d4s",
+ "5ev3",
+ "5ajo",
+ "5jrq",
+ "7bj3",
+ "4jq7",
+ "6izf",
+ "4xe0",
+ "1gqv",
+ "5twk",
+ "6zp3",
+ "1b5s",
+ "5dj5",
+ "2y6a",
+ "4a9f",
+ "5ees",
+ "6lbg",
+ "7k2h",
+ "6c1g",
+ "1hfc",
+ "4hyx",
+ "4n1g",
+ "5d0n",
+ "7pcb",
+ "4p1n",
+ "6cwu",
+ "4hb4",
+ "3gaj",
+ "3rdm",
+ "4kw3",
+ "2p94",
+ "6r6a",
+ "4iu3",
+ "2nyt",
+ "2k3b",
+ "6zor",
+ "5js4",
+ "7pws",
+ "4a2j",
+ "4i0x",
+ "2n05",
+ "3n4c",
+ "1gyn",
+ "5yks",
+ "7py3",
+ "6mgl",
+ "3r8r",
+ "1ad3",
+ "3az1",
+ "3udv",
+ "5p42",
+ "4to2",
+ "8i1g",
+ "3zc8",
+ "5nty",
+ "6d50",
+ "3q7o",
+ "7ejo",
+ "8gun",
+ "1wbj",
+ "4r3l",
+ "2i8l",
+ "5aex",
+ "7l2o",
+ "6gl7",
+ "3gmc",
+ "4gyc",
+ "6kza",
+ "1bnw",
+ "4f5d",
+ "7wva",
+ "3l8b",
+ "6a6f",
+ "3pxq",
+ "5lz2",
+ "1omy",
+ "7tuf",
+ "2abx",
+ "1h1y",
+ "5cek",
+ "5mto",
+ "2eyi",
+ "5ann",
+ "2cym",
+ "1fbl",
+ "1us8",
+ "1a1z",
+ "2xhy",
+ "7jxb",
+ "2a7l",
+ "5yfv",
+ "6qut",
+ "7jvo",
+ "3gvo",
+ "1skh",
+ "7r11",
+ "4u91",
+ "4yai",
+ "6lh1",
+ "6cl4",
+ "4cd0",
+ "6w9d",
+ "5y40",
+ "2j9c",
+ "3a4w",
+ "2fpl",
+ "7rp4",
+ "3r6n",
+ "3wab",
+ "1jjt",
+ "4pml",
+ "1xur",
+ "1kxc",
+ "2c4e",
+ "4ef8",
+ "7uoq",
+ "6mdb",
+ "7m1h",
+ "3uay",
+ "3in4",
+ "6pn0",
+ "6zhn",
+ "4idx",
+ "3cr2",
+ "5vwa",
+ "2y1d",
+ "1i13",
+ "1ykb",
+ "5oie",
+ "6qrx",
+ "5sop",
+ "1beb",
+ "4ure",
+ "6sgk",
+ "3p8d",
+ "2rig",
+ "3dgy",
+ "1mmp",
+ "7q8v",
+ "8el8",
+ "5iy4",
+ "4u5d",
+ "2ogk",
+ "4d8l",
+ "4ls5",
+ "8i1j",
+ "4gkr",
+ "6kl4",
+ "2f1w",
+ "5g0a",
+ "5bwv",
+ "3bbz",
+ "6erf",
+ "8dqw",
+ "8b8m",
+ "5rfy",
+ "3krx",
+ "1b3q",
+ "2fbp",
+ "4ffs",
+ "1th9",
+ "6wk2",
+ "7dbw",
+ "3uw3",
+ "5dqa",
+ "3it1",
+ "6moi",
+ "6oe4",
+ "2w80",
+ "5ffl",
+ "2xar",
+ "4nut",
+ "3tdm",
+ "5ju5",
+ "4x6g",
+ "1f3g",
+ "4gwn",
+ "1qa9",
+ "6ec0",
+ "7m07",
+ "5yo2",
+ "4qmi",
+ "5jlh",
+ "3lin",
+ "2wb6",
+ "6gwa",
+ "1qqv",
+ "4hab",
+ "1rnx",
+ "7xe9",
+ "3ed0",
+ "1fmw",
+ "5v8r",
+ "2mq1",
+ "7vns",
+ "3eic",
+ "2fed",
+ "2lw3",
+ "1buz",
+ "5p52",
+ "3kql",
+ "1mp1",
+ "6n75",
+ "4ru5",
+ "3onv",
+ "1eiy",
+ "2lp6",
+ "2k6n",
+ "7e7z",
+ "2zd0",
+ "1brl",
+ "1fz1",
+ "3lq0",
+ "7z4y",
+ "3eqn",
+ "2y3d",
+ "3fyy",
+ "2j4r",
+ "3n03",
+ "3npv",
+ "3rzc",
+ "7cib",
+ "7ara",
+ "1km0",
+ "1jwi",
+ "5g60",
+ "1r6k",
+ "2viw",
+ "5als",
+ "5oqf",
+ "3mfi",
+ "4hdg",
+ "5oe3",
+ "4of9",
+ "6tnj",
+ "1gjn",
+ "5rc0",
+ "4der",
+ "1s59",
+ "7lz7",
+ "7p3b",
+ "5cqr",
+ "4txz",
+ "7qeq",
+ "7pjj",
+ "4xjc",
+ "1rgs",
+ "4lay",
+ "6ydx",
+ "2x98",
+ "2exo",
+ "4yu9",
+ "4pnv",
+ "6wg8",
+ "5eu7",
+ "1vf7",
+ "1z5s",
+ "1hwh",
+ "6hz2",
+ "5fj6",
+ "5kw9",
+ "5xld",
+ "6qfp",
+ "1w17",
+ "1n3u",
+ "4qg6",
+ "4yua",
+ "5mzs",
+ "7tqw",
+ "1o34",
+ "3pfp",
+ "5edd",
+ "4nn9",
+ "5e9a",
+ "2zr2",
+ "4p0r",
+ "1tkl",
+ "5ehw",
+ "6fgs",
+ "1hva",
+ "4uvj",
+ "2dxm",
+ "3mne",
+ "1gtb",
+ "4cfi",
+ "6pj0",
+ "1oxn",
+ "4om8",
+ "6i3r",
+ "1lb4",
+ "4b11",
+ "6ico",
+ "6izw",
+ "6rjs",
+ "4eej",
+ "2vmk",
+ "2j24",
+ "5l57",
+ "2lep",
+ "5p8f",
+ "3ouc",
+ "1b16",
+ "5qo2",
+ "2uw1",
+ "6b4e",
+ "1buq",
+ "3e6l",
+ "3nsu",
+ "2zem",
+ "7nbj",
+ "1fv3",
+ "7r85",
+ "4bfo",
+ "5oiw",
+ "3vuf",
+ "5kfp",
+ "2zzr",
+ "1ln4",
+ "3pjp",
+ "4xxi",
+ "5frn",
+ "1x0x",
+ "3kai",
+ "1m9r",
+ "3es8",
+ "4av2",
+ "4j95",
+ "1na8",
+ "1u1e",
+ "7ts1",
+ "5zk3",
+ "1co6",
+ "7nx0",
+ "4aq7",
+ "2fic",
+ "2jaw",
+ "3kk5",
+ "7svl",
+ "7tc6",
+ "1o0h",
+ "7tw3",
+ "5kfs",
+ "1py3",
+ "2l1b",
+ "7e3b",
+ "7np4",
+ "4fwd",
+ "1arr",
+ "2q61",
+ "6icl",
+ "1hc0",
+ "3glc",
+ "4zwt",
+ "6f6o",
+ "6oik",
+ "7u57",
+ "5rev",
+ "6w5m",
+ "1xgj",
+ "4e5d",
+ "5lbv",
+ "5wad",
+ "8a1b",
+ "1l7h",
+ "3idq",
+ "7x3e",
+ "2x07",
+ "5py4",
+ "6cnl",
+ "7rgx",
+ "6qu0",
+ "1z16",
+ "7nuf",
+ "5vde",
+ "2qia",
+ "5m8j",
+ "3ms3",
+ "5mxa",
+ "1yhv",
+ "5w1f",
+ "111l",
+ "5obw",
+ "6tv9",
+ "6h97",
+ "1idh",
+ "7rea",
+ "2x9b",
+ "1x54",
+ "2oly",
+ "6mjc",
+ "3m9i",
+ "1gd5",
+ "6hi6",
+ "3w6k",
+ "3r4m",
+ "4gjx",
+ "1eyl",
+ "7o9h",
+ "3qip",
+ "1mok",
+ "3gte",
+ "5oeb",
+ "4cps",
+ "3ka0",
+ "7wcw",
+ "2mjd",
+ "7w35",
+ "2qap",
+ "4j99",
+ "8b1v",
+ "1sjt",
+ "8gru",
+ "1pcz",
+ "2ao7",
+ "3adj",
+ "7mxd",
+ "6b0j",
+ "7d9i",
+ "1yze",
+ "6o60",
+ "4elz",
+ "1ynx",
+ "5qfw",
+ "2gr7",
+ "1dkf",
+ "5ppd",
+ "1jei",
+ "2c2s",
+ "5rfn",
+ "6xl7",
+ "2nzf",
+ "6u8a",
+ "1o0n",
+ "5lmw",
+ "4iko",
+ "2aw3",
+ "1gxj",
+ "1k3q",
+ "7tyl",
+ "4yc3",
+ "3puy",
+ "6s8h",
+ "7zg4",
+ "5hu8",
+ "5xqp",
+ "7qta",
+ "6q86",
+ "6hmj",
+ "2wk9",
+ "2c5a",
+ "4q67",
+ "6ucu",
+ "5opf",
+ "4ar2",
+ "4u2a",
+ "1s6i",
+ "1y16",
+ "2wyp",
+ "7nnx",
+ "6m5v",
+ "6s9u",
+ "6p3l",
+ "4nch",
+ "4moc",
+ "5zm8",
+ "6ki8",
+ "1sye",
+ "3nux",
+ "8egd",
+ "6z0o",
+ "7b5z",
+ "5kfm",
+ "6yo4",
+ "7t5x",
+ "6vgf",
+ "6u1o",
+ "3sh7",
+ "5xpn",
+ "4xg7",
+ "7mhc",
+ "5mdu",
+ "4bak",
+ "2wq1",
+ "5nqv",
+ "3gcz",
+ "3ai2",
+ "6j82",
+ "2k0e",
+ "1qdt",
+ "3hao",
+ "6tyt",
+ "4eve",
+ "6p4d",
+ "4ak7",
+ "1fgr",
+ "6kzr",
+ "7b8o",
+ "2mi2",
+ "1n8t",
+ "3cv7",
+ "1f0p",
+ "6q2t",
+ "6teb",
+ "6ahf",
+ "6z16",
+ "1pkf",
+ "1q57",
+ "5a24",
+ "7mim",
+ "2oud",
+ "2xp7",
+ "4xsx",
+ "5nw6",
+ "5yp7",
+ "8f7o",
+ "2nsu",
+ "4go2",
+ "2xxy",
+ "1z5w",
+ "7zj3",
+ "4qwu",
+ "1ajd",
+ "2bsf",
+ "5oi1",
+ "4wnq",
+ "2yb1",
+ "5y05",
+ "7bhs",
+ "2nt4",
+ "7cu1",
+ "2gbk",
+ "4nzg",
+ "5idj",
+ "5esp",
+ "2dxc",
+ "5vvk",
+ "2veo",
+ "4gts",
+ "3apx",
+ "3py1",
+ "6csa",
+ "6jis",
+ "2djf",
+ "3pdz",
+ "7kcf",
+ "6dtw",
+ "3oew",
+ "2mkz",
+ "3l1l",
+ "5ia5",
+ "5vuo",
+ "4kjz",
+ "6t8b",
+ "4iuo",
+ "3gq5",
+ "5cxx",
+ "1sdm",
+ "6rns",
+ "4wfs",
+ "2xyl",
+ "6eqb",
+ "1o6d",
+ "4d6c",
+ "7ul5",
+ "4u1x",
+ "3fdz",
+ "6ccx",
+ "7d8m",
+ "4j84",
+ "6zlh",
+ "3r65",
+ "6za3",
+ "2gki",
+ "1exh",
+ "4ws7",
+ "6pqw",
+ "6i8k",
+ "3b3i",
+ "1hik",
+ "2e6h",
+ "4bld",
+ "4jce",
+ "4xct",
+ "8ck5",
+ "4a8a",
+ "7wb7",
+ "3u9h",
+ "3b47",
+ "5rf8",
+ "4hj9",
+ "3epe",
+ "5d0y",
+ "7jie",
+ "4ui3",
+ "1uev",
+ "3k53",
+ "1h9k",
+ "4n27",
+ "1x01",
+ "6cu8",
+ "2gji",
+ "2n5k",
+ "4bgy",
+ "2aya",
+ "4lz7",
+ "6kml",
+ "3r3u",
+ "3vwu",
+ "1mji",
+ "4bny",
+ "5fp0",
+ "4w8l",
+ "1q7z",
+ "5kp4",
+ "6dxu",
+ "1xdf",
+ "6jtp",
+ "1vac",
+ "4p04",
+ "5ofk",
+ "4att",
+ "6fo9",
+ "7z4m",
+ "7bw4",
+ "2rla",
+ "3w29",
+ "4nwl",
+ "4zif",
+ "6sjx",
+ "3kp0",
+ "3q6z",
+ "7fdr",
+ "5ubm",
+ "2w0u",
+ "4g6t",
+ "1qj6",
+ "4led",
+ "6bxf",
+ "6hfo",
+ "2n53",
+ "4aax",
+ "7rma",
+ "7nrn",
+ "2ai7",
+ "1mp4",
+ "1aow",
+ "6hmy",
+ "3qar",
+ "4coz",
+ "2eae",
+ "6pfa",
+ "6gho",
+ "6vsv",
+ "4ls6",
+ "6jya",
+ "5f04",
+ "6unm",
+ "1gkb",
+ "3ly9",
+ "6huj",
+ "2q7n",
+ "1o75",
+ "1lsp",
+ "4o9w",
+ "5n8s",
+ "2cro",
+ "5heu",
+ "5t0d",
+ "1hjg",
+ "3dcj",
+ "1f0x",
+ "3po4",
+ "1q5x",
+ "6m2k",
+ "6yrg",
+ "5gjs",
+ "4aya",
+ "7yx3",
+ "7k4m",
+ "2f4f",
+ "2bf6",
+ "2ahv",
+ "4yr1",
+ "6wqw",
+ "7wt5",
+ "2dyt",
+ "6jqe",
+ "7n0k",
+ "7dvc",
+ "4iei",
+ "1ajk",
+ "1t45",
+ "1rm5",
+ "7c9z",
+ "3ta5",
+ "1zbz",
+ "5x1i",
+ "3k1w",
+ "4loe",
+ "6hbu",
+ "4nzw",
+ "3wrn",
+ "7rdr",
+ "4phw",
+ "5ts5",
+ "3lb8",
+ "2a0q",
+ "7d4r",
+ "5zqr",
+ "4by5",
+ "4ov7",
+ "5gt8",
+ "6cj8",
+ "1t47",
+ "5xd0",
+ "3aa0",
+ "4ess",
+ "7t5r",
+ "3w0w",
+ "4gp9",
+ "6mba",
+ "1m04",
+ "5o0j",
+ "1ihm",
+ "3wus",
+ "6gr3",
+ "1t9d",
+ "4cq1",
+ "3aga",
+ "5p6a",
+ "5pis",
+ "7zqx",
+ "7kx7",
+ "6snw",
+ "7f9l",
+ "6chi",
+ "2laf",
+ "4o2d",
+ "5cgt",
+ "7wal",
+ "4k1c",
+ "6vtg",
+ "1no4",
+ "1bko",
+ "5l53",
+ "7o8y",
+ "4r8e",
+ "1eze",
+ "5vh4",
+ "11gs",
+ "2bje",
+ "7bk0",
+ "7fpf",
+ "6cqs",
+ "2kf3",
+ "5vw6",
+ "1ge7",
+ "6eky",
+ "1s7o",
+ "4zcc",
+ "7zvj",
+ "5gw5",
+ "7rh2",
+ "5ma0",
+ "4xuh",
+ "6oj0",
+ "5uqc",
+ "5rop",
+ "7zf9",
+ "4gad",
+ "2z9z",
+ "5o5x",
+ "4gga",
+ "5o7d",
+ "1g15",
+ "5c7k",
+ "2jei",
+ "6he6",
+ "1njb",
+ "1ghq",
+ "1ueb",
+ "2vpo",
+ "5qyz",
+ "2qb0",
+ "4bmu",
+ "5xrk",
+ "5wa5",
+ "6e4d",
+ "3tm0",
+ "6kmh",
+ "5ofj",
+ "6dyz",
+ "4xff",
+ "4pm1",
+ "2bda",
+ "2mgo",
+ "6opw",
+ "5usl",
+ "6re1",
+ "7mtq",
+ "5p4l",
+ "3euh",
+ "4m5g",
+ "6sb8",
+ "2uz3",
+ "1z60",
+ "3f7n",
+ "1yfe",
+ "6bk5",
+ "3lrp",
+ "1skk",
+ "7l70",
+ "3wsz",
+ "2iur",
+ "3pjt",
+ "5ev6",
+ "1yuk",
+ "3nvk",
+ "5c8y",
+ "5uqu",
+ "6xmd",
+ "1gwq",
+ "6fqs",
+ "5v2s",
+ "4fay",
+ "2vbc",
+ "3emq",
+ "1dr0",
+ "1c2d",
+ "3dg3",
+ "6plm",
+ "2av4",
+ "5ggs",
+ "6j80",
+ "7ndi",
+ "2vin",
+ "1qdv",
+ "2g5b",
+ "3nh1",
+ "6twh",
+ "2fp9",
+ "6uka",
+ "2hw1",
+ "4ddp",
+ "6nvw",
+ "7qko",
+ "5cs7",
+ "4l00",
+ "6krl",
+ "8eke",
+ "1h2u",
+ "2i18",
+ "3jt5",
+ "4niw",
+ "5icp",
+ "2fsd",
+ "1ko8",
+ "3ry2",
+ "4ihs",
+ "7oe9",
+ "5brd",
+ "5wu7",
+ "3ooh",
+ "1ide",
+ "5u1v",
+ "4dhe",
+ "6iji",
+ "7nks",
+ "2kge",
+ "5srb",
+ "8hpk",
+ "5waf",
+ "3r29",
+ "6s0a",
+ "2rck",
+ "4a84",
+ "4umu",
+ "5w76",
+ "6fje",
+ "6j06",
+ "1mg3",
+ "2hb0",
+ "3hnk",
+ "7oje",
+ "1mtj",
+ "7saf",
+ "6r2b",
+ "7lv9",
+ "4xp6",
+ "5b4w",
+ "1lv8",
+ "4lfk",
+ "4ogy",
+ "7ksp",
+ "5x4q",
+ "6loi",
+ "6lvv",
+ "3uqr",
+ "2mtn",
+ "3txs",
+ "4yr8",
+ "3dpr",
+ "1tgr",
+ "2eqb",
+ "6uqg",
+ "4cbt",
+ "3owb",
+ "6mby",
+ "6uo2",
+ "4omd",
+ "8bd9",
+ "3kem",
+ "1jsn",
+ "8dmm",
+ "1ytr",
+ "2b7s",
+ "8hgr",
+ "5jlj",
+ "5ttg",
+ "4r3r",
+ "5s5r",
+ "6g64",
+ "5k1n",
+ "6bfe",
+ "1k4l",
+ "1k5o",
+ "7z5j",
+ "6emi",
+ "1fbz",
+ "7kix",
+ "5cpb",
+ "1ag9",
+ "5duv",
+ "4bua",
+ "6zos",
+ "5rss",
+ "5dx4",
+ "3qio",
+ "3dp6",
+ "2qfq",
+ "3e44",
+ "3udc",
+ "7kl5",
+ "2nld",
+ "6wib",
+ "2r64",
+ "6uzd",
+ "7k8b",
+ "7zgd",
+ "6qjw",
+ "4fvv",
+ "7v6e",
+ "6pwc",
+ "1qyw",
+ "2y9w",
+ "2xtl",
+ "4nti",
+ "6cki",
+ "6is7",
+ "4lkg",
+ "2afw",
+ "2xm9",
+ "6hqr",
+ "1aj3",
+ "4x2o",
+ "4yx5",
+ "7dpw",
+ "5uck",
+ "2rny",
+ "4oq1",
+ "4goe",
+ "1fbp",
+ "2v6f",
+ "7sck",
+ "4wv1",
+ "6qfy",
+ "2w9v",
+ "1fhl",
+ "7o3u",
+ "5dg6",
+ "6nxz",
+ "5azo",
+ "6tk7",
+ "5qby",
+ "6ds5",
+ "1gra",
+ "2g3p",
+ "7vo7",
+ "7o2m",
+ "7lcv",
+ "3o4f",
+ "7rtt",
+ "6zij",
+ "3p3x",
+ "1cvb",
+ "5otf",
+ "5kan",
+ "2xk2",
+ "3s44",
+ "3vf3",
+ "6q9q",
+ "8ffb",
+ "6uo0",
+ "2x89",
+ "5bjw",
+ "3d7p",
+ "5ofw",
+ "1v3u",
+ "4w8b",
+ "3p67",
+ "1aho",
+ "1emd",
+ "7smj",
+ "3b1s",
+ "7y07",
+ "3vxq",
+ "7cl2",
+ "2j9o",
+ "4gue",
+ "1aaz",
+ "6t40",
+ "7n3p",
+ "3wmq",
+ "5ytd",
+ "7daw",
+ "5q0d",
+ "5hr2",
+ "5ik7",
+ "4ee4",
+ "4aco",
+ "5il1",
+ "4ow4",
+ "5qdb",
+ "6k3a",
+ "2g6h",
+ "3p40",
+ "3wyg",
+ "6zom",
+ "7pn4",
+ "5l22",
+ "6pug",
+ "7cm9",
+ "1a65",
+ "1kev",
+ "4kdc",
+ "5rf3",
+ "5l4l",
+ "1awv",
+ "7niv",
+ "5pjr",
+ "1xke",
+ "4hhp",
+ "3q3l",
+ "2gks",
+ "5zmn",
+ "6h9f",
+ "6iaw",
+ "2vmd",
+ "2rqs",
+ "1o6q",
+ "6gfc",
+ "2fy9",
+ "4k1h",
+ "1mjn",
+ "6csu",
+ "7bck",
+ "6boy",
+ "4zhv",
+ "5cty",
+ "1o3n",
+ "3sb6",
+ "2fs4",
+ "1ixt",
+ "4cbr",
+ "2bjh",
+ "2ih9",
+ "4kwo",
+ "7cch",
+ "5nxk",
+ "3c73",
+ "7p98",
+ "1sk3",
+ "6w2v",
+ "2w8u",
+ "2guv",
+ "6jp1",
+ "2xy7",
+ "6gz8",
+ "1i52",
+ "4gqv",
+ "5p7r",
+ "1nfs",
+ "6kh4",
+ "4wjn",
+ "4i4t",
+ "4jd2",
+ "6pkt",
+ "5dzk",
+ "1ez0",
+ "6z3d",
+ "3eun",
+ "7txp",
+ "6lp8",
+ "5cec",
+ "4wtx",
+ "6zcj",
+ "7nnp",
+ "4a35",
+ "4fl4",
+ "3bt1",
+ "1ndk",
+ "4ogd",
+ "4dgk",
+ "2xxn",
+ "2lj7",
+ "2zb5",
+ "3alc",
+ "2ofv",
+ "7a76",
+ "1jui",
+ "1z1v",
+ "3ww2",
+ "4hki",
+ "7x2w",
+ "6xkp",
+ "7vqt",
+ "8bd8",
+ "5glq",
+ "2yat",
+ "7e4d",
+ "2kff",
+ "4bw9",
+ "5r8y",
+ "5xbh",
+ "6vrq",
+ "3epk",
+ "5fry",
+ "4b4m",
+ "1fhd",
+ "2pe6",
+ "3pyp",
+ "4r6q",
+ "1mxe",
+ "6jn3",
+ "3aaw",
+ "2w66",
+ "1c87",
+ "1bbw",
+ "1a82",
+ "6zar",
+ "7qtb",
+ "2od1",
+ "3q81",
+ "1irl",
+ "6whr",
+ "7so6",
+ "1y7n",
+ "1ljf",
+ "5og5",
+ "5x4s",
+ "3dzj",
+ "1jcq",
+ "5l16",
+ "2xs5",
+ "1hxq",
+ "8fuo",
+ "1n5b",
+ "1mor",
+ "4x0v",
+ "4es9",
+ "5v1d",
+ "1v8j",
+ "2lt8",
+ "1e2a",
+ "5bp3",
+ "5gui",
+ "1bc9",
+ "5rp9",
+ "6x24",
+ "3w2p",
+ "3he8",
+ "5axg",
+ "2iw1",
+ "2ms0",
+ "1viv",
+ "1t8g",
+ "6rlr",
+ "5mvg",
+ "3vkr",
+ "7z9f",
+ "1e8q",
+ "4fbw",
+ "8ac2",
+ "4i2g",
+ "5p7i",
+ "6zaz",
+ "5uww",
+ "3m3r",
+ "5ytu",
+ "6f6w",
+ "6jub",
+ "6mji",
+ "2kgu",
+ "1rdr",
+ "6xom",
+ "5gx9",
+ "7vnn",
+ "8fqy",
+ "1aje",
+ "6o8q",
+ "6zpj",
+ "2duc",
+ "1xoc",
+ "1cuc",
+ "3tl1",
+ "5dtb",
+ "1md6",
+ "1goy",
+ "3ucx",
+ "7f0y",
+ "6oxu",
+ "4nma",
+ "8abe",
+ "6n76",
+ "4j2q",
+ "1fvp",
+ "6tww",
+ "6a6n",
+ "4n0a",
+ "4lll",
+ "3k90",
+ "4u5g",
+ "1mct",
+ "4h6a",
+ "7x32",
+ "3gpn",
+ "2arc",
+ "4kqz",
+ "6kqq",
+ "6ces",
+ "6daz",
+ "5qlc",
+ "3okn",
+ "2i16",
+ "2qk7",
+ "4gbl",
+ "1psy",
+ "1bv1",
+ "2dpx",
+ "1qcc",
+ "4mc7",
+ "6km1",
+ "3iev",
+ "1efn",
+ "2lgt",
+ "6x2p",
+ "2z73",
+ "2i74",
+ "5zja",
+ "4ikn",
+ "5pjm",
+ "2xby",
+ "5p2z",
+ "5e28",
+ "4iwg",
+ "6e1z",
+ "5v92",
+ "1c91",
+ "7oqh",
+ "7av6",
+ "1kx7",
+ "1lfg",
+ "5ani",
+ "2put",
+ "5hfn",
+ "2bvv",
+ "6vnd",
+ "6swu",
+ "1tdb",
+ "6wya",
+ "4ab9",
+ "4o0c",
+ "6t41",
+ "3rti",
+ "6f0o",
+ "6wej",
+ "3qf6",
+ "5r8d",
+ "5zlh",
+ "4cn7",
+ "6r72",
+ "3gwi",
+ "1mg7",
+ "2anj",
+ "1r5p",
+ "1mmn",
+ "4cjl",
+ "1b5p",
+ "7nob",
+ "4pgq",
+ "6iix",
+ "2as3",
+ "4lvc",
+ "2r9w",
+ "8er7",
+ "4ogi",
+ "1h36",
+ "1a4a",
+ "1ev9",
+ "7wx6",
+ "5i8w",
+ "1m1h",
+ "3vbp",
+ "6b5c",
+ "1k0e",
+ "1z2w",
+ "7awz",
+ "5vak",
+ "6fdc",
+ "4c95",
+ "2c3t",
+ "7okl",
+ "2aa9",
+ "2gvw",
+ "1rwc",
+ "2xym",
+ "7be5",
+ "3w78",
+ "3m10",
+ "1yzn",
+ "1cq9",
+ "3ojs",
+ "6ddz",
+ "3om1",
+ "3hjr",
+ "3lqz",
+ "1cfj",
+ "7owy",
+ "4itu",
+ "7n3s",
+ "1l45",
+ "1xz4",
+ "6daj",
+ "3ypi",
+ "2rv7",
+ "4bmp",
+ "3eg1",
+ "5ug6",
+ "5pt3",
+ "1dy1",
+ "4amp",
+ "7z44",
+ "5yie",
+ "6wo8",
+ "5al0",
+ "7ogl",
+ "3zmf",
+ "3ap7",
+ "1ujw",
+ "5cxq",
+ "6nk2",
+ "3ptq",
+ "1pzl",
+ "2r32",
+ "7wsr",
+ "6sek",
+ "6h47",
+ "5kka",
+ "6pn5",
+ "6euo",
+ "6urr",
+ "6vbr",
+ "3u16",
+ "7tj5",
+ "4fp3",
+ "6zlp",
+ "1rca",
+ "1t22",
+ "6gtn",
+ "1bzy",
+ "4ku2",
+ "6sx2",
+ "1pm2",
+ "5l8q",
+ "3l2j",
+ "1o8t",
+ "5zw8",
+ "2bac",
+ "2hoy",
+ "7fot",
+ "5em2",
+ "4lli",
+ "5ngn",
+ "3k6n",
+ "1qmd",
+ "3el1",
+ "6xou",
+ "8b5a",
+ "5szl",
+ "1ob0",
+ "2es4",
+ "6els",
+ "3p9j",
+ "5pkk",
+ "4a1f",
+ "2p7p",
+ "6f01",
+ "6nsv",
+ "6al4",
+ "2ymo",
+ "5kb0",
+ "1gnn",
+ "4wjo",
+ "4pyu",
+ "6pd7",
+ "1pmu",
+ "2x3d",
+ "7tfr",
+ "2ipa",
+ "6v1p",
+ "5gn6",
+ "1kf7",
+ "5gsq",
+ "7vra",
+ "3eko",
+ "7q8r",
+ "5mie",
+ "1ulj",
+ "4osh",
+ "7jnr",
+ "2hm1",
+ "2x5d",
+ "5r8u",
+ "6pbk",
+ "6u6g",
+ "7tyv",
+ "1u89",
+ "6yvh",
+ "5d7j",
+ "8a5e",
+ "1c0k",
+ "4cx8",
+ "4los",
+ "5vwf",
+ "6vi0",
+ "5mr3",
+ "5kyy",
+ "1yih",
+ "4pos",
+ "7otz",
+ "1aam",
+ "7x23",
+ "1hvx",
+ "5wk9",
+ "1c50",
+ "2pnz",
+ "6mfg",
+ "4yhg",
+ "1ehe",
+ "6i8z",
+ "3h2m",
+ "1a2y",
+ "4w4o",
+ "1tmo",
+ "4yj0",
+ "7col",
+ "4u0f",
+ "7dt5",
+ "3i0f",
+ "6gs4",
+ "5cxk",
+ "3ufw",
+ "4h0k",
+ "1gso",
+ "4ccv",
+ "1gc3",
+ "3aj9",
+ "4ax6",
+ "4e90",
+ "2a4j",
+ "1bye",
+ "2kkx",
+ "3caq",
+ "5dbs",
+ "5to1",
+ "6yph",
+ "1ext",
+ "2pgd",
+ "2lmz",
+ "6ep7",
+ "5lk8",
+ "1geb",
+ "3krz",
+ "1m44",
+ "138l",
+ "1ha7",
+ "1b2d",
+ "7wxj",
+ "6udk",
+ "4m02",
+ "1nff",
+ "5rvs",
+ "6zhz",
+ "1hey",
+ "2o6p",
+ "6iph",
+ "6jgc",
+ "3t99",
+ "1f9d",
+ "6seh",
+ "5ypk",
+ "1o26",
+ "5svz",
+ "6erp",
+ "6xwm",
+ "7ogf",
+ "3qjh",
+ "1wo5",
+ "6s7c",
+ "6lpc",
+ "4wyu",
+ "4qht",
+ "6v0h",
+ "3zdu",
+ "4mm6",
+ "5guv",
+ "5adv",
+ "4bo8",
+ "5jkk",
+ "7e45",
+ "6fs8",
+ "2y2g",
+ "4nr3",
+ "4c5e",
+ "5joh",
+ "1sn1",
+ "5q0x",
+ "6lae",
+ "8g4u",
+ "2q63",
+ "4nl8",
+ "1qhs",
+ "3r88",
+ "3mfk",
+ "5sah",
+ "6jz7",
+ "4h2k",
+ "1cr6",
+ "6rtg",
+ "8e6m",
+ "1xc7",
+ "3aq9",
+ "7w96",
+ "5gm5",
+ "2ew6",
+ "4nuz",
+ "4rnp",
+ "5puf",
+ "4yg2",
+ "4i7m",
+ "2pvc",
+ "3p2k",
+ "6rw0",
+ "1w6u",
+ "7njm",
+ "2f2a",
+ "3hvg",
+ "5j7j",
+ "1ask",
+ "2nvh",
+ "5fg7",
+ "6y9e",
+ "6muh",
+ "4u45",
+ "3pgd",
+ "7vmv",
+ "5l19",
+ "3hws",
+ "7lgc",
+ "5eq6",
+ "4ejq",
+ "5txj",
+ "2r86",
+ "5pko",
+ "4s3j",
+ "3n63",
+ "5ojj",
+ "4hfn",
+ "5pol",
+ "3cxo",
+ "2y20",
+ "4k57",
+ "7wwq",
+ "5ig5",
+ "4x5v",
+ "2viu",
+ "3i9l",
+ "2mqi",
+ "3bf0",
+ "7wfx",
+ "4c06",
+ "6rko",
+ "5zbq",
+ "6l23",
+ "3lf6",
+ "4bih",
+ "1feh",
+ "4m7m",
+ "4anl",
+ "2xgo",
+ "5chq",
+ "1k4k",
+ "3kdk",
+ "6tw1",
+ "6vse",
+ "6hs3",
+ "3bh4",
+ "4pc0",
+ "3qrj",
+ "5g1l",
+ "1zn9",
+ "4ya4",
+ "4ng8",
+ "5c9n",
+ "3x0c",
+ "4hpx",
+ "6lj8",
+ "2zjd",
+ "3nj3",
+ "1rgi",
+ "4ccb",
+ "6hqj",
+ "5fd3",
+ "5but",
+ "2vjf",
+ "5mfd",
+ "7m93",
+ "1n4f",
+ "3jq6",
+ "3dky",
+ "6lbe",
+ "2bqw",
+ "5hf5",
+ "6f4s",
+ "1op0",
+ "3taf",
+ "6rex",
+ "3ak0",
+ "4xjo",
+ "2lq2",
+ "5ta2",
+ "5ct7",
+ "2fda",
+ "5qnp",
+ "8h0u",
+ "5g6q",
+ "4y9g",
+ "6h6x",
+ "7eii",
+ "2y0i",
+ "1dj3",
+ "4wum",
+ "6zgx",
+ "4ap6",
+ "4wr8",
+ "5yjm",
+ "1ypu",
+ "7pm0",
+ "2de8",
+ "7bqo",
+ "7czh",
+ "1lbv",
+ "6e9x",
+ "5udc",
+ "7u4r",
+ "4exh",
+ "7u60",
+ "5lme",
+ "6a0q",
+ "6py4",
+ "5l36",
+ "5ot1",
+ "1u5z",
+ "4wjl",
+ "6av2",
+ "2d3k",
+ "8dcg",
+ "6cwh",
+ "6sws",
+ "6y35",
+ "7rm0",
+ "6hw8",
+ "3rlg",
+ "5qkd",
+ "4r05",
+ "5me5",
+ "4cj7",
+ "7m5z",
+ "3k6t",
+ "6x4j",
+ "2iyr",
+ "7rcj",
+ "6w02",
+ "6kgj",
+ "4xmr",
+ "3n2o",
+ "4ld3",
+ "4yli",
+ "1fs2",
+ "5lq4",
+ "2e31",
+ "6b3a",
+ "6cid",
+ "5zob",
+ "2bdy",
+ "7nh5",
+ "5osp",
+ "4z64",
+ "5xmj",
+ "5y9f",
+ "6eh5",
+ "2mog",
+ "2iea",
+ "6gct",
+ "1rz2",
+ "6wmv",
+ "4dx0",
+ "4hy0",
+ "1wuy",
+ "6htm",
+ "2uy9",
+ "2whi",
+ "7aaj",
+ "1xva",
+ "6kp0",
+ "1fdk",
+ "1ahu",
+ "1cjr",
+ "5fqj",
+ "4phk",
+ "3l0e",
+ "4nkq",
+ "2kg5",
+ "8avl",
+ "3omz",
+ "4gr0",
+ "3ka6",
+ "4qxl",
+ "3p5i",
+ "6tik",
+ "1nh1",
+ "5err",
+ "1ixv",
+ "1ilz",
+ "4lsy",
+ "6k9u",
+ "2c5d",
+ "2wj8",
+ "6ici",
+ "4wrx",
+ "5nbx",
+ "4inz",
+ "1e0d",
+ "4fb1",
+ "3bpp",
+ "5cyy",
+ "7b1o",
+ "5ke0",
+ "1psj",
+ "4nm8",
+ "1cp5",
+ "2vno",
+ "1ehc",
+ "3w9p",
+ "2yih",
+ "3sl5",
+ "6agr",
+ "6khx",
+ "3o3j",
+ "8gqz",
+ "1nwl",
+ "5mro",
+ "5ekw",
+ "4ibs",
+ "7bee",
+ "3l01",
+ "8a2a",
+ "4arn",
+ "3bpq",
+ "5a8p",
+ "1gnt",
+ "6gw5",
+ "4hs6",
+ "7qau",
+ "1o96",
+ "4cl6",
+ "3dat",
+ "7r36",
+ "4jk2",
+ "3chd",
+ "5tye",
+ "6jto",
+ "1yn3",
+ "6jqc",
+ "3fbc",
+ "6uod",
+ "4zqm",
+ "7dc0",
+ "7yu1",
+ "6nhq",
+ "3vih",
+ "6vsz",
+ "6qht",
+ "7vso",
+ "7pav",
+ "3l3g",
+ "6j8r",
+ "7ycl",
+ "2nwg",
+ "5eom",
+ "5xbj",
+ "7jl0",
+ "4idq",
+ "6ff7",
+ "4ioq",
+ "2itn",
+ "6dhr",
+ "4e5g",
+ "6pbr",
+ "6eor",
+ "5lb5",
+ "2vpp",
+ "3pq7",
+ "5ggw",
+ "2qux",
+ "2wym",
+ "6bf8",
+ "6a4g",
+ "2phh",
+ "4uvc",
+ "2r6w",
+ "4rrq",
+ "7osj",
+ "5nmy",
+ "4mmm",
+ "1mj9",
+ "1f4l",
+ "5pwe",
+ "5j5a",
+ "1r9c",
+ "6tgn",
+ "5gse",
+ "1fyn",
+ "7mjq",
+ "1pq2",
+ "2yfv",
+ "6dzw",
+ "4q85",
+ "3jus",
+ "5dfh",
+ "8d1j",
+ "5zdl",
+ "7m1m",
+ "1fyc",
+ "1uc7",
+ "4hzw",
+ "4qlw",
+ "2q72",
+ "1tfk",
+ "4n0e",
+ "2vhb",
+ "4zsa",
+ "6gbo",
+ "1df6",
+ "5udp",
+ "3elz",
+ "1ogs",
+ "4urs",
+ "6lp5",
+ "6lty",
+ "7v4i",
+ "7yp9",
+ "6bp7",
+ "6nn7",
+ "2fm6",
+ "6lek",
+ "7u6i",
+ "1ku5",
+ "3vyd",
+ "6myo",
+ "3fu5",
+ "5nro",
+ "1x33",
+ "3nch",
+ "1zqw",
+ "7oq4",
+ "1btb",
+ "4pbb",
+ "7v2j",
+ "1w01",
+ "4etp",
+ "3b6h",
+ "7b2g",
+ "5v5v",
+ "3v8u",
+ "3gxk",
+ "1oh7",
+ "5y5g",
+ "3dbm",
+ "1jit",
+ "4r1u",
+ "5ovh",
+ "5zw4",
+ "5mem",
+ "2o3c",
+ "2c91",
+ "4jx7",
+ "3cy2",
+ "8d8q",
+ "5s2g",
+ "6wgl",
+ "1zd4",
+ "5kvx",
+ "2znj",
+ "1xnv",
+ "1qdn",
+ "4eld",
+ "6o1i",
+ "5y3x",
+ "2fy3",
+ "7pii",
+ "2gvd",
+ "2vq3",
+ "7af0",
+ "3q2s",
+ "3etz",
+ "6n2e",
+ "6ew5",
+ "4o6m",
+ "2yb8",
+ "1np8",
+ "6f7q",
+ "7qty",
+ "2w2e",
+ "1ep3",
+ "5mhz",
+ "4x82",
+ "5vyk",
+ "7n6l",
+ "2fv0",
+ "3ztr",
+ "5x1s",
+ "4o7q",
+ "4trn",
+ "4zcs",
+ "3b80",
+ "1i33",
+ "4cfp",
+ "1af4",
+ "3rl4",
+ "1mmf",
+ "5mkg",
+ "3rym",
+ "3b9n",
+ "2hnv",
+ "3r7f",
+ "5d6c",
+ "3mo5",
+ "5o1q",
+ "4esp",
+ "6bzt",
+ "1m4f",
+ "5apa",
+ "5zdp",
+ "4ynk",
+ "7pwp",
+ "8ff6",
+ "6nft",
+ "6ceq",
+ "5msi",
+ "5abq",
+ "5yp1",
+ "4z9c",
+ "2csd",
+ "4d44",
+ "6hf5",
+ "4gyd",
+ "4lrq",
+ "5ps7",
+ "3rb4",
+ "3aia",
+ "2nbq",
+ "6kj1",
+ "4d0l",
+ "2fu0",
+ "7ujr",
+ "5f1u",
+ "4u5s",
+ "1j5m",
+ "5fn6",
+ "1f2a",
+ "2og3",
+ "7out",
+ "1xdx",
+ "3q5u",
+ "1fq7",
+ "3vrr",
+ "2vh6",
+ "7kkc",
+ "5mf6",
+ "8azb",
+ "3cgy",
+ "6w6o",
+ "3qka",
+ "4gvs",
+ "5zbl",
+ "5b0j",
+ "6oc0",
+ "5odb",
+ "5m3o",
+ "6ijf",
+ "5c9v",
+ "7wkf",
+ "5jja",
+ "4kdn",
+ "5dum",
+ "8ay9",
+ "7jxx",
+ "7nwz",
+ "5ykv",
+ "4ir1",
+ "6dpm",
+ "5j4e",
+ "5thi",
+ "1hcx",
+ "5vkc",
+ "3peg",
+ "6jux",
+ "6hva",
+ "8flg",
+ "5yae",
+ "5g41",
+ "5l62",
+ "2fee",
+ "7o55",
+ "6aus",
+ "3rrh",
+ "6v6z",
+ "3g02",
+ "1w5g",
+ "8emh",
+ "5qdt",
+ "6lxg",
+ "5tca",
+ "3g9c",
+ "8eqp",
+ "2r4w",
+ "8dbo",
+ "6qr6",
+ "2qzy",
+ "6qg6",
+ "2klq",
+ "5c7v",
+ "4qqg",
+ "1ld6",
+ "4q4z",
+ "6ams",
+ "2c45",
+ "5g0p",
+ "1vhl",
+ "2fok",
+ "1tw9",
+ "1auu",
+ "1dj0",
+ "6u5r",
+ "1so0",
+ "5oor",
+ "6tns",
+ "6xju",
+ "2q2b",
+ "3q18",
+ "4ijo",
+ "4l1x",
+ "7dsp",
+ "1uzr",
+ "1b78",
+ "2uwh",
+ "2eip",
+ "5wmk",
+ "2k3v",
+ "1p90",
+ "7utg",
+ "2k2q",
+ "2i1r",
+ "1e4t",
+ "4ktw",
+ "4ao6",
+ "5gze",
+ "6du3",
+ "2zon",
+ "4jko",
+ "4blz",
+ "5vy4",
+ "6vpf",
+ "5kfy",
+ "1xuu",
+ "3wzo",
+ "4bfr",
+ "7za1",
+ "1lqt",
+ "6dhu",
+ "5qm4",
+ "4z78",
+ "5p84",
+ "2dok",
+ "6uyk",
+ "4am7",
+ "3rfs",
+ "6an2",
+ "3t5h",
+ "2feo",
+ "1rl5",
+ "7ujf",
+ "7nwl",
+ "1kid",
+ "6z6y",
+ "7ppn",
+ "3i7u",
+ "6pnc",
+ "1oqd",
+ "6zhg",
+ "2eyw",
+ "5pne",
+ "3hgs",
+ "4a9r",
+ "5hzn",
+ "4r9r",
+ "5dt6",
+ "6jg6",
+ "5fl4",
+ "3g8q",
+ "6x0r",
+ "6y3v",
+ "5v76",
+ "5awu",
+ "3zkx",
+ "6jpr",
+ "5m87",
+ "3upt",
+ "3azw",
+ "6cug",
+ "3frv",
+ "2l2p",
+ "1je6",
+ "4mif",
+ "6vqr",
+ "3s0q",
+ "4egk",
+ "7osz",
+ "6pvp",
+ "8a9w",
+ "2v9k",
+ "5o8x",
+ "1yfx",
+ "4lts",
+ "1jxq",
+ "4z7a",
+ "6hpq",
+ "7ll7",
+ "4zo6",
+ "6hs5",
+ "4n6e",
+ "7ci3",
+ "7p69",
+ "7tud",
+ "4dq2",
+ "1qo8",
+ "1qye",
+ "5c8z",
+ "6onp",
+ "2a2r",
+ "1dj1",
+ "5kjx",
+ "7mzk",
+ "1k7b",
+ "6qvc",
+ "4go1",
+ "5d3y",
+ "2vp9",
+ "4w5m",
+ "6fl0",
+ "4p19",
+ "1kdm",
+ "6afl",
+ "2m55",
+ "1f1r",
+ "6tou",
+ "2erb",
+ "5ys9",
+ "5q0e",
+ "5zkm",
+ "6jwl",
+ "1d3k",
+ "4ugg",
+ "6x3u",
+ "1dnu",
+ "5xoy",
+ "6f3q",
+ "3uan",
+ "7y08",
+ "5e0x",
+ "5lh7",
+ "1byg",
+ "3tfs",
+ "6iur",
+ "3eay",
+ "6jtd",
+ "1bz6",
+ "1cq3",
+ "7to1",
+ "1tcd",
+ "2k18",
+ "3uuf",
+ "1how",
+ "6wui",
+ "6rop",
+ "3hse",
+ "2cu9",
+ "7um8",
+ "7bt5",
+ "3srb",
+ "7z2g",
+ "7r1i",
+ "4pi9",
+ "1hjz",
+ "5mdb",
+ "6ulx",
+ "6xpn",
+ "2wya",
+ "3zhu",
+ "7xda",
+ "2vzd",
+ "7vbq",
+ "4bof",
+ "3bg4",
+ "5eu6",
+ "6ywq",
+ "1j2x",
+ "7t0c",
+ "5gje",
+ "3vh8",
+ "1nlq",
+ "7k6n",
+ "5qzt",
+ "1azm",
+ "3fcj",
+ "5lx8",
+ "7pww",
+ "6vov",
+ "5nvd",
+ "1dll",
+ "7n6b",
+ "6jke",
+ "2e3r",
+ "7cfz",
+ "6dep",
+ "1bet",
+ "2i03",
+ "3gvm",
+ "5enr",
+ "3pmo",
+ "1r13",
+ "2jol",
+ "7our",
+ "7lip",
+ "2fxy",
+ "6gg9",
+ "3cl5",
+ "7jz4",
+ "4o25",
+ "2paa",
+ "5pee",
+ "7aq4",
+ "6jd2",
+ "6c6p",
+ "4yj3",
+ "1xjj",
+ "7oj9",
+ "6cyv",
+ "5oy0",
+ "1my3",
+ "1ti5",
+ "7tyg",
+ "4csf",
+ "2cl8",
+ "5jce",
+ "3s3r",
+ "7cj7",
+ "1thw",
+ "1jwe",
+ "6zjj",
+ "2hl1",
+ "5eah",
+ "3fwc",
+ "8fma",
+ "2zfy",
+ "3r77",
+ "1a91",
+ "6gy2",
+ "7u07",
+ "1ffe",
+ "1ch1",
+ "6jvx",
+ "4mqq",
+ "3hcm",
+ "5xx5",
+ "3f7h",
+ "5r0l",
+ "3ra8",
+ "1iic",
+ "6u3m",
+ "6sp7",
+ "4fyc",
+ "1oga",
+ "3ug4",
+ "1xp9",
+ "6goo",
+ "1rk6",
+ "2dxp",
+ "1g3i",
+ "5qec",
+ "4a2q",
+ "6u9a",
+ "5xt3",
+ "3itl",
+ "3wwp",
+ "2vs7",
+ "3vbz",
+ "5bs2",
+ "5n1p",
+ "6pbq",
+ "7owm",
+ "1nxq",
+ "6tca",
+ "2jww",
+ "5zix",
+ "5ex1",
+ "5hgq",
+ "2azo",
+ "7lra",
+ "1u9r",
+ "1rqj",
+ "5z3q",
+ "3lhv",
+ "1r29",
+ "6wb7",
+ "1ged",
+ "1f92",
+ "5dro",
+ "5vff",
+ "4lu3",
+ "5rdt",
+ "6kyf",
+ "2r3a",
+ "6yjm",
+ "5xha",
+ "2kxg",
+ "3aa1",
+ "6gxc",
+ "6q60",
+ "7vl6",
+ "2iwz",
+ "6pol",
+ "6agp",
+ "2kh2",
+ "5m2s",
+ "4ftw",
+ "1ytw",
+ "4qr9",
+ "7r8b",
+ "2qoc",
+ "5db9",
+ "1kk8",
+ "1z50",
+ "5qcz",
+ "7bd3",
+ "4ehf",
+ "6jnk",
+ "2g9e",
+ "1u15",
+ "3wsx",
+ "3jtc",
+ "7c4w",
+ "2xb3",
+ "2c6y",
+ "5adq",
+ "5ewf",
+ "3na0",
+ "1w5v",
+ "4pnl",
+ "1xnz",
+ "5f1j",
+ "7kjl",
+ "3cu9",
+ "4p74",
+ "6h7z",
+ "2ptx",
+ "6cew",
+ "3pt5",
+ "1i48",
+ "7vkp",
+ "5m57",
+ "3egf",
+ "4xdj",
+ "5amt",
+ "2l51",
+ "6t6z",
+ "7lop",
+ "4oc4",
+ "2kv3",
+ "6faw",
+ "4mc0",
+ "1qq9",
+ "3fji",
+ "1q3s",
+ "1ith",
+ "1ll2",
+ "4dkq",
+ "2wcd",
+ "1j0q",
+ "1s0p",
+ "5iku",
+ "7ump",
+ "4yfy",
+ "4jac",
+ "6e0a",
+ "3wu3",
+ "5eou",
+ "7sxl",
+ "4cxn",
+ "3wtl",
+ "6qad",
+ "6y2x",
+ "1u58",
+ "5yj7",
+ "1kq9",
+ "5tht",
+ "6k08",
+ "1n47",
+ "1wpp",
+ "5fi7",
+ "2q15",
+ "4ikv",
+ "3dvu",
+ "2w0p",
+ "4v2v",
+ "4wm0",
+ "3k61",
+ "1un5",
+ "1c64",
+ "4a61",
+ "2lpu",
+ "6txx",
+ "5ae2",
+ "8e1z",
+ "6iw0",
+ "5een",
+ "7p4h",
+ "3wwh",
+ "4f9d",
+ "2c4h",
+ "7ubr",
+ "6xzx",
+ "5ktt",
+ "6ku0",
+ "4nv2",
+ "2y7s",
+ "4il7",
+ "3qz8",
+ "2m86",
+ "3wzz",
+ "6ma8",
+ "2il2",
+ "5e1c",
+ "3vv0",
+ "1fcq",
+ "7ccz",
+ "6uri",
+ "1h8e",
+ "6akf",
+ "4xk8",
+ "1gz1",
+ "7tgm",
+ "1l3y",
+ "4b9b",
+ "1ia1",
+ "5pda",
+ "7k8c",
+ "6hky",
+ "7nc3",
+ "6ajw",
+ "2wep",
+ "3r59",
+ "7quf",
+ "6l49",
+ "6zpu",
+ "3p8f",
+ "1awp",
+ "1oge",
+ "4hzm",
+ "2xif",
+ "2zy4",
+ "4nmm",
+ "210l",
+ "1vai",
+ "1xvf",
+ "3ezb",
+ "1fq0",
+ "4u6d",
+ "5k7p",
+ "7ydq",
+ "4oic",
+ "1smr",
+ "1a8z",
+ "3zei",
+ "5msx",
+ "6zz4",
+ "1mf7",
+ "5yra",
+ "2xmx",
+ "2l95",
+ "1mhs",
+ "2my3",
+ "3d1i",
+ "5pp5",
+ "5dpr",
+ "3sxr",
+ "5wuw",
+ "7e1x",
+ "1ivb",
+ "5i8z",
+ "2nod",
+ "2r0d",
+ "5i4v",
+ "5h68",
+ "5n2b",
+ "6o9b",
+ "8fm3",
+ "6urk",
+ "6w9h",
+ "5fka",
+ "4mr6",
+ "7rgy",
+ "3avn",
+ "3jr4",
+ "4di8",
+ "6jox",
+ "7e37",
+ "5trb",
+ "2apg",
+ "5lqd",
+ "5d7a",
+ "4x9d",
+ "4qdx",
+ "6f85",
+ "2lk9",
+ "6k6v",
+ "4klw",
+ "5lus",
+ "6xzu",
+ "8gre",
+ "5fmb",
+ "5j1v",
+ "4lms",
+ "4hus",
+ "8djz",
+ "7w9f",
+ "6pks",
+ "6is1",
+ "1xw2",
+ "6t1g",
+ "8b7u",
+ "6pg9",
+ "4i1f",
+ "4bvp",
+ "7ojb",
+ "2xez",
+ "5d53",
+ "4ce2",
+ "5o9j",
+ "3cm3",
+ "6oo9",
+ "4wns",
+ "5og0",
+ "3sh0",
+ "8crs",
+ "5hq4",
+ "6y3u",
+ "4jr4",
+ "6fa5",
+ "1eg3",
+ "5zmu",
+ "2h2m",
+ "5iat",
+ "1qpl",
+ "8b41",
+ "4jj3",
+ "7aqi",
+ "7yqk",
+ "5tzg",
+ "7e19",
+ "2mq0",
+ "4h1p",
+ "4od8",
+ "7fmp",
+ "2is7",
+ "5jj0",
+ "4ya6",
+ "6tk5",
+ "4nhf",
+ "5dhg",
+ "3fow",
+ "6bs6",
+ "1t6l",
+ "6cpp",
+ "4uxh",
+ "7bzt",
+ "5xg8",
+ "4kv9",
+ "4xfv",
+ "6qdt",
+ "6yv9",
+ "4m68",
+ "4ihi",
+ "1opd",
+ "7lvw",
+ "6igo",
+ "4uea",
+ "2wxn",
+ "7p81",
+ "6mfc",
+ "2c5e",
+ "3alr",
+ "5cgb",
+ "3nb6",
+ "6rdn",
+ "4x6e",
+ "7nkl",
+ "6eo5",
+ "1qy6",
+ "2qr2",
+ "4poa",
+ "7vix",
+ "1thz",
+ "3tyc",
+ "8hbf",
+ "4na6",
+ "1nia",
+ "1tyx",
+ "3e6d",
+ "1gi0",
+ "2o2s",
+ "1gsv",
+ "1dz6",
+ "4akj",
+ "6rji",
+ "2r1d",
+ "8bdl",
+ "5d8p",
+ "5mgt",
+ "4ltq",
+ "7qil",
+ "7yag",
+ "5ivt",
+ "5osl",
+ "4ny9",
+ "2gse",
+ "4b7p",
+ "6tgd",
+ "4ng2",
+ "4otq",
+ "5f7r",
+ "6haz",
+ "3rx6",
+ "4u1y",
+ "3rta",
+ "5z8p",
+ "3wqo",
+ "4prl",
+ "1pjz",
+ "7n41",
+ "6sv8",
+ "4u5z",
+ "2a4l",
+ "1eoq",
+ "6sbj",
+ "6n6z",
+ "1oua",
+ "6n51",
+ "7oct",
+ "5tv0",
+ "1s13",
+ "1avc",
+ "5s9t",
+ "1hg4",
+ "4lv2",
+ "7ut8",
+ "1nyy",
+ "2h4m",
+ "1uwt",
+ "7bh8",
+ "6l9w",
+ "6vv4",
+ "7oex",
+ "4xgv",
+ "7wwp",
+ "1wu4",
+ "3df9",
+ "1wpd",
+ "3s60",
+ "2yly",
+ "6i36",
+ "5td5",
+ "7ls0",
+ "5b2e",
+ "3sox",
+ "3zra",
+ "4a39",
+ "6l3h",
+ "1oro",
+ "5w26",
+ "6v1b",
+ "6f2q",
+ "4i9n",
+ "2fkl",
+ "1v4s",
+ "6oba",
+ "5pyr",
+ "3cl8",
+ "1p94",
+ "5nd4",
+ "3b5j",
+ "1dtd",
+ "1xox",
+ "6fox",
+ "3vem",
+ "4fkc",
+ "1yap",
+ "2q0f",
+ "3am7",
+ "3tv5",
+ "1wdf",
+ "7vnm",
+ "5d8q",
+ "2bgl",
+ "4rfd",
+ "6aam",
+ "4oiz",
+ "5r2x",
+ "1hkn",
+ "3wd0",
+ "1lcu",
+ "5f1g",
+ "6cvh",
+ "7agw",
+ "6ssy",
+ "6drm",
+ "2i0f",
+ "4j78",
+ "4rdm",
+ "1hg8",
+ "3two",
+ "7tyh",
+ "1tar",
+ "4nbz",
+ "2mo0",
+ "6zvy",
+ "5d4j",
+ "3myr",
+ "3hff",
+ "8agc",
+ "1h9t",
+ "6xd0",
+ "3ert",
+ "1hxh",
+ "1v6o",
+ "1lk5",
+ "6ksd",
+ "3bdw",
+ "2riz",
+ "4f1l",
+ "5pnj",
+ "4y2a",
+ "3b8s",
+ "5ae8",
+ "7uyh",
+ "1rhw",
+ "1pk2",
+ "1o7h",
+ "6ew8",
+ "7wec",
+ "2yd3",
+ "4zsr",
+ "2wh6",
+ "7e83",
+ "7a10",
+ "6h2f",
+ "4pzv",
+ "7bir",
+ "6ire",
+ "3gxt",
+ "7u7v",
+ "3vjl",
+ "5vst",
+ "3fbf",
+ "3o75",
+ "5mj3",
+ "6kiz",
+ "4hvy",
+ "5lk7",
+ "6x7i",
+ "3wy7",
+ "6lom",
+ "5hrp",
+ "4kyn",
+ "7ju7",
+ "6erg",
+ "4oj8",
+ "2dpf",
+ "6ssp",
+ "8ela",
+ "2lro",
+ "3fon",
+ "7vn6",
+ "6c8v",
+ "5kth",
+ "4wwq",
+ "5cob",
+ "1y19",
+ "2po7",
+ "6gsq",
+ "4cfz",
+ "6mt9",
+ "3o1d",
+ "4nby",
+ "5k8e",
+ "2mwb",
+ "2il3",
+ "3tez",
+ "2efv",
+ "1w6w",
+ "6lpg",
+ "6mhi",
+ "4m90",
+ "4jbh",
+ "1jwr",
+ "3mqi",
+ "1sh2",
+ "1nsz",
+ "2idv",
+ "3kcf",
+ "4hk5",
+ "3ntt",
+ "4u9l",
+ "7qn1",
+ "1yj3",
+ "4rf8",
+ "5yh2",
+ "4c3p",
+ "4wk0",
+ "1uch",
+ "6vo7",
+ "4hta",
+ "5qds",
+ "1qyp",
+ "3k7f",
+ "3r4g",
+ "4hmr",
+ "3mfy",
+ "5bjv",
+ "4kr9",
+ "5l1e",
+ "4nvf",
+ "7vl0",
+ "4uu5",
+ "1ze8",
+ "4rsg",
+ "5z5a",
+ "5yf4",
+ "1p6r",
+ "2vdp",
+ "6snv",
+ "5j5e",
+ "3qgt",
+ "5pyb",
+ "6mam",
+ "5yi5",
+ "2i04",
+ "1hjw",
+ "3fc0",
+ "4xud",
+ "1s5r",
+ "6h55",
+ "3n61",
+ "6bxr",
+ "5cl8",
+ "5awt",
+ "1kjy",
+ "4xc9",
+ "6j2e",
+ "1l4g",
+ "1bkw",
+ "8g6a",
+ "7mmf",
+ "5pqg",
+ "6u6z",
+ "2ltk",
+ "6pru",
+ "5p07",
+ "2a2c",
+ "1c9c",
+ "2l10",
+ "3rrg",
+ "5pr8",
+ "6hf6",
+ "6em4",
+ "3baq",
+ "7mmg",
+ "7jlp",
+ "4i4u",
+ "1pwd",
+ "4ltp",
+ "6k90",
+ "5szj",
+ "1nd4",
+ "4dl7",
+ "4ucj",
+ "4fc4",
+ "8h9a",
+ "5aad",
+ "4lit",
+ "1tul",
+ "3uja",
+ "2xod",
+ "6pfk",
+ "5gwo",
+ "2erp",
+ "7la9",
+ "7n38",
+ "1gwe",
+ "5uw8",
+ "3o57",
+ "7cu9",
+ "7d3s",
+ "2fm2",
+ "4muo",
+ "4obg",
+ "5ocg",
+ "5d0w",
+ "4gmn",
+ "5qeu",
+ "4za5",
+ "1c26",
+ "5sw9",
+ "6p98",
+ "1dxs",
+ "4yeh",
+ "3r8v",
+ "3vg5",
+ "1rkr",
+ "7txl",
+ "2wyt",
+ "7cq2",
+ "2rsx",
+ "2sak",
+ "1tc2",
+ "2ve8",
+ "6z8y",
+ "1xz8",
+ "5al6",
+ "8aj3",
+ "2jq7",
+ "6j5b",
+ "7mdt",
+ "4pd7",
+ "6ln2",
+ "7xgr",
+ "6nnc",
+ "6zni",
+ "1fdt",
+ "1c09",
+ "1d2t",
+ "6tzu",
+ "4z2t",
+ "2q69",
+ "5buh",
+ "5mer",
+ "4b3h",
+ "3e4b",
+ "4h03",
+ "4uoy",
+ "5aec",
+ "6xzs",
+ "5y4i",
+ "3vrj",
+ "6abh",
+ "3pzt",
+ "6r5e",
+ "2zj8",
+ "4ifd",
+ "4fn3",
+ "5fdr",
+ "4ou9",
+ "1hrs",
+ "2duu",
+ "4q48",
+ "2q21",
+ "6qt8",
+ "6uph",
+ "6qef",
+ "4c1u",
+ "7e0c",
+ "5huu",
+ "5drq",
+ "5ef2",
+ "1blk",
+ "5l1s",
+ "3tek",
+ "7bv9",
+ "4mo2",
+ "4uyo",
+ "5vj6",
+ "6k4n",
+ "3k80",
+ "2fgf",
+ "4hjp",
+ "6ks1",
+ "4r5v",
+ "2d39",
+ "1e7s",
+ "1a5x",
+ "3po6",
+ "2xm1",
+ "3h9h",
+ "5bro",
+ "6bxj",
+ "1h2g",
+ "4bdd",
+ "1pxv",
+ "5ipw",
+ "1lzq",
+ "4oeg",
+ "5ca8",
+ "1bnt",
+ "7lp9",
+ "1w8s",
+ "1km5",
+ "8e85",
+ "4gxo",
+ "6t3t",
+ "4ddn",
+ "1ezz",
+ "4ehr",
+ "2dw6",
+ "7xb1",
+ "7vl9",
+ "7lpo",
+ "6gh1",
+ "5u7w",
+ "4o1p",
+ "5wqw",
+ "1s2v",
+ "2lya",
+ "5l6f",
+ "5uk1",
+ "5xfp",
+ "2mf9",
+ "2a7h",
+ "4ghd",
+ "4f0x",
+ "5b18",
+ "6qzh",
+ "1ur8",
+ "5hza",
+ "6cli",
+ "6g8e",
+ "6rp4",
+ "2ko0",
+ "7rfz",
+ "8b3u",
+ "7v1y",
+ "4c8n",
+ "1cy5",
+ "4f4w",
+ "6ybc",
+ "5g4o",
+ "3igl",
+ "2n4s",
+ "4p1t",
+ "7l64",
+ "1agy",
+ "3b71",
+ "1erg",
+ "1w5s",
+ "6puk",
+ "4cxj",
+ "1bh8",
+ "3wci",
+ "2lsy",
+ "6jxi",
+ "3d8g",
+ "3mqh",
+ "6n62",
+ "6h7o",
+ "2ipf",
+ "6l6r",
+ "1akx",
+ "1y5m",
+ "2y6y",
+ "3bi1",
+ "6p14",
+ "2h80",
+ "2kga",
+ "3gyz",
+ "2xsq",
+ "1ghs",
+ "3qxi",
+ "4npu",
+ "3p3i",
+ "1qa0",
+ "5ixk",
+ "3ruu",
+ "7be4",
+ "7shu",
+ "6u2p",
+ "1bv7",
+ "3zuc",
+ "2pe4",
+ "6vff",
+ "5xp1",
+ "3sea",
+ "7k2a",
+ "7ntq",
+ "2j62",
+ "2l78",
+ "2c98",
+ "3iyz",
+ "6deu",
+ "6sli",
+ "5mz5",
+ "8hcn",
+ "3oyn",
+ "6f0q",
+ "6r88",
+ "5wgr",
+ "4qry",
+ "6l8h",
+ "7rp2",
+ "6pjo",
+ "5k10",
+ "4psw",
+ "6dc1",
+ "7ki1",
+ "1l86",
+ "1zvx",
+ "6f1n",
+ "7dkt",
+ "1fb8",
+ "8b8r",
+ "5mc8",
+ "3k5d",
+ "3znb",
+ "3ue9",
+ "5aby",
+ "4pod",
+ "4orx",
+ "1exx",
+ "3k8h",
+ "5zdn",
+ "3crg",
+ "2quz",
+ "3kas",
+ "4dbs",
+ "8dko",
+ "4z7c",
+ "1eo1",
+ "6g3y",
+ "5vmm",
+ "4a26",
+ "2qb5",
+ "7lve",
+ "6rml",
+ "6pg0",
+ "2nqi",
+ "3gwd",
+ "3gmw",
+ "1zv5",
+ "4u22",
+ "1ucp",
+ "3wxl",
+ "5q13",
+ "3iol",
+ "4m15",
+ "5umo",
+ "7abb",
+ "5vcl",
+ "4pyq",
+ "1rxe",
+ "8gus",
+ "5kwd",
+ "6sor",
+ "3qby",
+ "1dk5",
+ "5pqv",
+ "2foy",
+ "7a3h",
+ "4z6j",
+ "6jup",
+ "6xsp",
+ "2wmw",
+ "7b1e",
+ "6e6e",
+ "5ne8",
+ "1i5q",
+ "1e6g",
+ "7lid",
+ "1t2e",
+ "2ofx",
+ "4j3u",
+ "2gdn",
+ "6qf3",
+ "2knb",
+ "4ia4",
+ "1zjo",
+ "5oh5",
+ "4afu",
+ "4fdz",
+ "6fo1",
+ "6bfq",
+ "6nbq",
+ "5fqi",
+ "7myu",
+ "6rh9",
+ "4uz7",
+ "4myc",
+ "1yjv",
+ "7nke",
+ "4pgh",
+ "2qbn",
+ "1cf1",
+ "2dr2",
+ "7c34",
+ "6km5",
+ "5nzp",
+ "4ldx",
+ "6q8p",
+ "7uvc",
+ "4l6y",
+ "6b8e",
+ "1npp",
+ "5sze",
+ "7b16",
+ "6q8t",
+ "6esq",
+ "6uei",
+ "2ytv",
+ "5uhf",
+ "1y0j",
+ "1kuv",
+ "1czu",
+ "7tks",
+ "2hwq",
+ "1pdx",
+ "6ort",
+ "6hzq",
+ "5rta",
+ "5ens",
+ "4rhw",
+ "2lxj",
+ "6m0a",
+ "4xq1",
+ "1y2u",
+ "6emz",
+ "6c9p",
+ "5lzl",
+ "4fz1",
+ "5fug",
+ "5mp9",
+ "5d7u",
+ "5tn0",
+ "6nbb",
+ "7suj",
+ "3aqk",
+ "5alm",
+ "5jnh",
+ "4ab7",
+ "1bpm",
+ "4b2r",
+ "3qq7",
+ "2msl",
+ "4doa",
+ "7vw8",
+ "3aus",
+ "2jq6",
+ "2ve7",
+ "7b06",
+ "5g6n",
+ "7oez",
+ "4rd9",
+ "1f1a",
+ "5fdp",
+ "5hq2",
+ "1x1v",
+ "6q0e",
+ "1ssn",
+ "3vv6",
+ "3r0t",
+ "1mlj",
+ "4rcj",
+ "1d6p",
+ "6ur5",
+ "1ksu",
+ "6fh7",
+ "3n4s",
+ "8bvb",
+ "3u59",
+ "6gir",
+ "6fgo",
+ "6nlh",
+ "6sh4",
+ "4hhh",
+ "5j53",
+ "4ug8",
+ "6vgr",
+ "5l6o",
+ "3cvk",
+ "6wp8",
+ "1tk7",
+ "3nxa",
+ "2oqv",
+ "2dsc",
+ "2b15",
+ "6tv3",
+ "5ksu",
+ "3ulu",
+ "4xh4",
+ "2j6x",
+ "5pi4",
+ "5bjz",
+ "4a7s",
+ "7aad",
+ "3sdb",
+ "3g33",
+ "6f2g",
+ "6yl6",
+ "1cx2",
+ "5mra",
+ "1fqa",
+ "5pq7",
+ "3vf8",
+ "5xtq",
+ "5elk",
+ "1ftk",
+ "6tmu",
+ "6pwd",
+ "6dii",
+ "3rqg",
+ "1qd5",
+ "1es3",
+ "3syz",
+ "4qwt",
+ "3fbm",
+ "2xfy",
+ "6s4c",
+ "3c5x",
+ "2rht",
+ "4nsj",
+ "1fun",
+ "2dyn",
+ "5wvc",
+ "3skh",
+ "1s4f",
+ "3g4x",
+ "3epn",
+ "3bb7",
+ "2kmg",
+ "4nzv",
+ "1b7l",
+ "4fxz",
+ "4pwd",
+ "6bct",
+ "5z7i",
+ "4m2g",
+ "7ql7",
+ "6xsu",
+ "4bg0",
+ "3wso",
+ "6plv",
+ "5nih",
+ "2p1t",
+ "5yxi",
+ "3b67",
+ "4dte",
+ "7zli",
+ "8c5p",
+ "1j2p",
+ "5dgc",
+ "2ajt",
+ "6p27",
+ "5vpk",
+ "4lqi",
+ "3ib0",
+ "4cfy",
+ "1juh",
+ "1m66",
+ "3oh9",
+ "6p0c",
+ "3dcb",
+ "1ju9",
+ "4lx2",
+ "1c2r",
+ "4bgf",
+ "5d5p",
+ "6eqi",
+ "2mzw",
+ "3sji",
+ "5am9",
+ "7xno",
+ "4oq6",
+ "3uvl",
+ "4d5b",
+ "1v0l",
+ "3cjj",
+ "3dyf",
+ "7bbt",
+ "1b11",
+ "5hg9",
+ "4gnl",
+ "7mhg",
+ "4g9n",
+ "4a6r",
+ "3afl",
+ "1jwf",
+ "5yk6",
+ "7k4j",
+ "7jsp",
+ "2wr9",
+ "2ht3",
+ "7c1i",
+ "5dy4",
+ "4y9d",
+ "6q2j",
+ "6g2e",
+ "2a83",
+ "6bkt",
+ "2xyd",
+ "7k30",
+ "5a0s",
+ "6da3",
+ "2y38",
+ "8haf",
+ "5tbz",
+ "1dqo",
+ "3j8v",
+ "5hdm",
+ "6n84",
+ "4o0z",
+ "6xpa",
+ "7jxt",
+ "6njp",
+ "3uwp",
+ "3psv",
+ "4qc0",
+ "1ckw",
+ "6wwe",
+ "6kre",
+ "6ajs",
+ "2x7u",
+ "6k4d",
+ "4to1",
+ "3lez",
+ "3u7q",
+ "5ekm",
+ "3irr",
+ "6jg7",
+ "7lp3",
+ "1w9z",
+ "6sbp",
+ "4d09",
+ "7e3f",
+ "6bza",
+ "6eo3",
+ "5icw",
+ "6f8w",
+ "6edt",
+ "5d7z",
+ "3wam",
+ "2gp3",
+ "7nre",
+ "1z2f",
+ "7up3",
+ "6ib2",
+ "1krs",
+ "6nch",
+ "6at2",
+ "2dyp",
+ "5z4h",
+ "2mf3",
+ "4bnf",
+ "1wxg",
+ "1ir7",
+ "8df7",
+ "1wsd",
+ "1uk1",
+ "5sr6",
+ "3lq2",
+ "5fr9",
+ "1lde",
+ "6jg5",
+ "7o9q",
+ "131l",
+ "6dg6",
+ "3hn8",
+ "1b8a",
+ "7xaf",
+ "1ura",
+ "1qab",
+ "3duf",
+ "6r8o",
+ "1u27",
+ "1ro5",
+ "1kx6",
+ "6unx",
+ "4fwm",
+ "4r4e",
+ "5onn",
+ "1q1a",
+ "5p05",
+ "1jge",
+ "2yf4",
+ "7fih",
+ "4l03",
+ "4afy",
+ "1me5",
+ "7bo3",
+ "2lir",
+ "4ugy",
+ "1yj4",
+ "5bnk",
+ "6pee",
+ "3nbk",
+ "5l80",
+ "3tgc",
+ "6gou",
+ "6eht",
+ "3ryc",
+ "5ruy",
+ "1inp",
+ "1b5h",
+ "2pv1",
+ "4oar",
+ "1kv9",
+ "6xm2",
+ "3wjt",
+ "4xra",
+ "6joq",
+ "4apt",
+ "5hy2",
+ "4dqj",
+ "5jts",
+ "2bka",
+ "3psc",
+ "4j6t",
+ "2z51",
+ "1awz",
+ "5ucm",
+ "6mwh",
+ "6i2i",
+ "6kqd",
+ "6e6l",
+ "3rl9",
+ "2byi",
+ "1kn7",
+ "3p8o",
+ "5ywu",
+ "1wp9",
+ "7qbl",
+ "4rcd",
+ "1iwn",
+ "6n9d",
+ "2ozb",
+ "4pg4",
+ "4v02",
+ "4od2",
+ "1vya",
+ "1wth",
+ "4ncr",
+ "7fs1",
+ "2lkk",
+ "1q4j",
+ "4uvo",
+ "3fwt",
+ "5aqu",
+ "3rx4",
+ "7pbi",
+ "6jlv",
+ "2bkq",
+ "1ifd",
+ "2car",
+ "5jk0",
+ "5oa4",
+ "5jec",
+ "5x0i",
+ "2bay",
+ "3qvi",
+ "4k0u",
+ "1bgp",
+ "7jk8",
+ "5g62",
+ "1g8l",
+ "5g03",
+ "1mkf",
+ "4jjk",
+ "2uuu",
+ "3rf4",
+ "4d0b",
+ "7b8i",
+ "1cwv",
+ "3b0k",
+ "6jps",
+ "2ik4",
+ "5jwc",
+ "3hsr",
+ "4fqk",
+ "4pjg",
+ "5xvm",
+ "2jcp",
+ "6gda",
+ "5i05",
+ "1kdi",
+ "3eyl",
+ "7orz",
+ "4f1w",
+ "6twl",
+ "2xhu",
+ "6vih",
+ "7xq2",
+ "3v64",
+ "4awz",
+ "4phb",
+ "6fuc",
+ "4rz8",
+ "7xi5",
+ "4zig",
+ "1cik",
+ "5vl3",
+ "4mrq",
+ "4lnj",
+ "6ree",
+ "5rpq",
+ "6rf4",
+ "5otq",
+ "8d19",
+ "1elp",
+ "6k0b",
+ "1qz2",
+ "1fop",
+ "5xkp",
+ "2h1u",
+ "6nh2",
+ "6pki",
+ "4oc5",
+ "4b89",
+ "4pb6",
+ "6p7n",
+ "3k92",
+ "3jvj",
+ "6hij",
+ "6fts",
+ "2h5e",
+ "8akh",
+ "2znv",
+ "4kvq",
+ "6thu",
+ "3lz6",
+ "4qd2",
+ "7xrl",
+ "2wuj",
+ "6xaa",
+ "5y9w",
+ "1t0z",
+ "6z1o",
+ "5b71",
+ "1gxa",
+ "7e6y",
+ "5iqw",
+ "5vou",
+ "2x6n",
+ "1cpr",
+ "1j0m",
+ "3x1x",
+ "3uv9",
+ "2rdf",
+ "2la8",
+ "6xpl",
+ "7m4j",
+ "3wjz",
+ "1njj",
+ "6kbf",
+ "3plc",
+ "2b9b",
+ "1d6e",
+ "7lgd",
+ "7nal",
+ "7k5x",
+ "4r2u",
+ "5utb",
+ "1dqk",
+ "3eee",
+ "6iwi",
+ "7jy9",
+ "3eto",
+ "5a7h",
+ "5w1d",
+ "2v19",
+ "5f0s",
+ "1nd3",
+ "3jqp",
+ "1k0g",
+ "1a6s",
+ "7xfa",
+ "3lre",
+ "6h75",
+ "2iuc",
+ "3ui0",
+ "7dq7",
+ "5mal",
+ "5mih",
+ "7v4e",
+ "6gsz",
+ "3ldj",
+ "6te9",
+ "4ckk",
+ "2qet",
+ "2opm",
+ "2qp3",
+ "4jdq",
+ "5fib",
+ "5dml",
+ "7th7",
+ "7ave",
+ "6wx7",
+ "8e0s",
+ "6syi",
+ "1mrt",
+ "1l16",
+ "5x0r",
+ "2xns",
+ "5jtq",
+ "2gvv",
+ "4z6g",
+ "8b8y",
+ "7bbx",
+ "3zcb",
+ "1rnw",
+ "5v1z",
+ "4qj9",
+ "1a3f",
+ "3v0f",
+ "6o91",
+ "5ys1",
+ "3vhn",
+ "7ol1",
+ "1js9",
+ "2au7",
+ "3f47",
+ "7oyn",
+ "3o96",
+ "4d83",
+ "2zby",
+ "4im3",
+ "3rpn",
+ "5e4q",
+ "4y4l",
+ "5jiq",
+ "7dsx",
+ "2hkn",
+ "5j31",
+ "6tw4",
+ "7fl6",
+ "3b7i",
+ "5kto",
+ "6aw0",
+ "6o9i",
+ "2qd4",
+ "3ezp",
+ "5x0x",
+ "6e3v",
+ "7vee",
+ "2r5h",
+ "6h3o",
+ "6cum",
+ "6uj8",
+ "6a57",
+ "6dqu",
+ "4lvm",
+ "7wgc",
+ "7sna",
+ "6bx3",
+ "5opb",
+ "4jb0",
+ "4zho",
+ "7yv2",
+ "7ci4",
+ "2gce",
+ "6t3w",
+ "1ee1",
+ "4bw7",
+ "5yw2",
+ "4rrj",
+ "1e5g",
+ "5nib",
+ "4qtq",
+ "1kkg",
+ "5kc5",
+ "4lmc",
+ "2opz",
+ "1ukl",
+ "3vbf",
+ "4xxf",
+ "3oag",
+ "6ba7",
+ "2x30",
+ "3k9u",
+ "5nyp",
+ "2ccg",
+ "6nba",
+ "2zke",
+ "4jrw",
+ "5ik5",
+ "1emi",
+ "4b1z",
+ "4rx2",
+ "5qnn",
+ "4h6v",
+ "5ken",
+ "6f82",
+ "2hbv",
+ "6ue8",
+ "6cqd",
+ "6xpc",
+ "1r3l",
+ "3hl4",
+ "2enr",
+ "2gq0",
+ "5ayg",
+ "7cnw",
+ "4iyg",
+ "2cf5",
+ "6y09",
+ "7q6c",
+ "5r0h",
+ "2ohj",
+ "3ecg",
+ "1gov",
+ "4rns",
+ "3b7o",
+ "1t2w",
+ "5cro",
+ "6gj4",
+ "1qlk",
+ "5cgp",
+ "3ppf",
+ "2a0j",
+ "2fyb",
+ "4nk9",
+ "2xwg",
+ "6r9n",
+ "1gnc",
+ "4lml",
+ "5qcq",
+ "4zz1",
+ "6xdc",
+ "5itm",
+ "5e1l",
+ "2zhk",
+ "1aap",
+ "7bsl",
+ "1gtn",
+ "1cg1",
+ "4x83",
+ "4v2e",
+ "1kor",
+ "6b5a",
+ "5plt",
+ "4r4t",
+ "6tha",
+ "3fev",
+ "4iwp",
+ "3wbg",
+ "7kmd",
+ "7tsb",
+ "3unb",
+ "5bj3",
+ "2amv",
+ "4k09",
+ "6nao",
+ "5u8x",
+ "4a7e",
+ "3pmj",
+ "7zw9",
+ "1jg4",
+ "1jpa",
+ "4mjq",
+ "1vnd",
+ "2v8y",
+ "1r9d",
+ "1j70",
+ "3d9w",
+ "2mju",
+ "6ow0",
+ "3h16",
+ "2e2e",
+ "5thc",
+ "1fz8",
+ "3ex3",
+ "2vfd",
+ "7sk1",
+ "4fyq",
+ "6suk",
+ "4hj8",
+ "1qsf",
+ "4ero",
+ "5nyz",
+ "6hfv",
+ "6oot",
+ "8i1v",
+ "5a0r",
+ "1hf6",
+ "7fcu",
+ "2x95",
+ "3doz",
+ "6p48",
+ "7f8j",
+ "7ac6",
+ "6val",
+ "1f9e",
+ "2cic",
+ "6td0",
+ "6mky",
+ "1xtn",
+ "4j82",
+ "3efw",
+ "6p43",
+ "5uif",
+ "5xk9",
+ "7zey",
+ "3vod",
+ "5pzl",
+ "7rew",
+ "3nvy",
+ "6q46",
+ "3p0a",
+ "2lt4",
+ "5adx",
+ "4zbe",
+ "7aue",
+ "3ef0",
+ "7vq4",
+ "1hzy",
+ "6u4p",
+ "1hac",
+ "4tlf",
+ "6c06",
+ "4wst",
+ "6egc",
+ "7r7t",
+ "2p71",
+ "2fby",
+ "1gbs",
+ "3pf8",
+ "4ig2",
+ "1fjq",
+ "2nct",
+ "6gu5",
+ "6qyo",
+ "1ay0",
+ "3lt5",
+ "1g7s",
+ "3nxu",
+ "1b5j",
+ "3pf1",
+ "4xkq",
+ "3wym",
+ "2ier",
+ "5kry",
+ "3r9m",
+ "5lbf",
+ "4wad",
+ "4k0a",
+ "5xjd",
+ "4hzx",
+ "7l5x",
+ "1ru1",
+ "5rs9",
+ "5afk",
+ "6gdv",
+ "1wtd",
+ "1s2d",
+ "1moo",
+ "5kdt",
+ "4a63",
+ "2wi7",
+ "6c9d",
+ "3emp",
+ "8b3l",
+ "6o86",
+ "7d7k",
+ "1ywb",
+ "5s6x",
+ "1ht2",
+ "6ty0",
+ "5t6u",
+ "1hve",
+ "2zzi",
+ "1os0",
+ "1r9y",
+ "7zzq",
+ "7p8u",
+ "3x1l",
+ "2l66",
+ "1u3s",
+ "7o2f",
+ "4b60",
+ "2d5k",
+ "2c65",
+ "5aic",
+ "5zga",
+ "6kkl",
+ "1jer",
+ "5yc4",
+ "5aga",
+ "4lqv",
+ "1zrq",
+ "4hyk",
+ "4plo",
+ "6xv9",
+ "6b36",
+ "4fyd",
+ "2lrp",
+ "1tlf",
+ "1fmt",
+ "5j8g",
+ "1kh3",
+ "4p8m",
+ "7c20",
+ "6flz",
+ "6ivl",
+ "4zla",
+ "7cvt",
+ "6ulp",
+ "7qyc",
+ "2vaf",
+ "5mup",
+ "2cc6",
+ "3o5m",
+ "4o6o",
+ "6rnx",
+ "5cwn",
+ "5v3h",
+ "2zfx",
+ "7au4",
+ "5c7q",
+ "1ugl",
+ "6k4y",
+ "3rbe",
+ "4kre",
+ "2ma4",
+ "1lvq",
+ "1mlk",
+ "6fx8",
+ "4uh3",
+ "3ei8",
+ "1js4",
+ "4yci",
+ "6wx9",
+ "1ccw",
+ "3kk6",
+ "2o2f",
+ "8gt6",
+ "2oie",
+ "7fbj",
+ "4opk",
+ "4opl",
+ "4ndq",
+ "5var",
+ "2i6v",
+ "7pn9",
+ "7o69",
+ "1ejg",
+ "6bdd",
+ "5g2v",
+ "1fgs",
+ "4b45",
+ "6ugd",
+ "5vr9",
+ "6e42",
+ "7a6d",
+ "7xgk",
+ "1ce2",
+ "2h55",
+ "6rgr",
+ "5csz",
+ "3nbn",
+ "5l6m",
+ "6m6y",
+ "6emp",
+ "7zwz",
+ "2y0c",
+ "5hsq",
+ "5xi9",
+ "2vgf",
+ "3uq9",
+ "3b6k",
+ "1c8t",
+ "2lxz",
+ "1ffu",
+ "5jov",
+ "5kyt",
+ "6ao6",
+ "6mvy",
+ "1rk4",
+ "4e5p",
+ "4ke1",
+ "1gp2",
+ "1v47",
+ "1sly",
+ "1sm4",
+ "1nrz",
+ "4uf7",
+ "3et1",
+ "3hr0",
+ "5j40",
+ "8g68",
+ "4nd3",
+ "1geu",
+ "4f59",
+ "3tkw",
+ "2yye",
+ "4hba",
+ "3j27",
+ "4hdb",
+ "6vqq",
+ "3thh",
+ "2bca",
+ "3ko2",
+ "2rhj",
+ "7k2n",
+ "6b1y",
+ "6kd5",
+ "5m9j",
+ "2h4y",
+ "4ym2",
+ "5agc",
+ "1a8m",
+ "3zvr",
+ "6etm",
+ "1f82",
+ "6a2p",
+ "3d81",
+ "4qa8",
+ "2prz",
+ "4o1r",
+ "4da5",
+ "3ue1",
+ "3cpa",
+ "5fkr",
+ "7e7g",
+ "6vaq",
+ "4uj5",
+ "4u15",
+ "3t1b",
+ "6mfd",
+ "1vg2",
+ "1upd",
+ "7v1w",
+ "1z3s",
+ "6y81",
+ "3hde",
+ "6p7x",
+ "3b74",
+ "3pc0",
+ "6sfx",
+ "5jhf",
+ "7awp",
+ "1zs0",
+ "2k2z",
+ "1rxu",
+ "2gsq",
+ "7ujy",
+ "4xj7",
+ "6n6g",
+ "3otv",
+ "4cbz",
+ "2mdc",
+ "2yv9",
+ "6mat",
+ "6hmv",
+ "1qzz",
+ "2onp",
+ "4lce",
+ "3ncc",
+ "3ukp",
+ "2q2j",
+ "4bmc",
+ "6hk2",
+ "4ohd",
+ "5soi",
+ "7m83",
+ "1xjz",
+ "5tok",
+ "1lt9",
+ "7kcv",
+ "1ily",
+ "3sni",
+ "6r4m",
+ "3e40",
+ "5mow",
+ "7b7o",
+ "5j6a",
+ "4o17",
+ "3wfg",
+ "3spi",
+ "4ko8",
+ "6l4c",
+ "4ray",
+ "6exq",
+ "5mfb",
+ "3p30",
+ "4ad0",
+ "5jwt",
+ "3imt",
+ "2a3i",
+ "1f3u",
+ "4j15",
+ "5ibd",
+ "6p7s",
+ "4hto",
+ "5ctr",
+ "5ol6",
+ "6rug",
+ "1qzy",
+ "4zfi",
+ "1pla",
+ "2bn5",
+ "4i8t",
+ "5uzj",
+ "2bl8",
+ "3wtp",
+ "3bqk",
+ "1r55",
+ "6rdu",
+ "4efk",
+ "7z6k",
+ "2clm",
+ "1bxp",
+ "2o4l",
+ "1xw3",
+ "1cy8",
+ "5rur",
+ "1y3j",
+ "2gmu",
+ "4gp8",
+ "2xv7",
+ "4jzr",
+ "3b3b",
+ "5wht",
+ "5h9b",
+ "7k48",
+ "4okn",
+ "6cce",
+ "6uf0",
+ "1jy8",
+ "7n99",
+ "6e6m",
+ "3zyz",
+ "4xd8",
+ "7yj4",
+ "1ysz",
+ "6bay",
+ "4brn",
+ "4tso",
+ "7pc5",
+ "8e11",
+ "4rks",
+ "2p5m",
+ "7ec1",
+ "5vpa",
+ "5gjb",
+ "3gab",
+ "1st0",
+ "2djh",
+ "6ye2",
+ "1sut",
+ "3v1x",
+ "6dp6",
+ "2kg9",
+ "6yy8",
+ "5wq7",
+ "6t6x",
+ "4ym1",
+ "4h1j",
+ "3klt",
+ "3tki",
+ "4a5v",
+ "5i44",
+ "2wls",
+ "6u1r",
+ "4p5y",
+ "7wc0",
+ "5q0q",
+ "6fk4",
+ "6rna",
+ "3iy7",
+ "2bq5",
+ "8eab",
+ "7d9p",
+ "4qyj",
+ "5kuk",
+ "3dzh",
+ "6hjd",
+ "5oq8",
+ "4pyv",
+ "2hvz",
+ "4xmq",
+ "1tre",
+ "6wcy",
+ "1own",
+ "1j7m",
+ "6tp1",
+ "3vql",
+ "2ato",
+ "5w3o",
+ "2obr",
+ "4krd",
+ "1fat",
+ "6pid",
+ "6vzk",
+ "3kjg",
+ "3ztn",
+ "7d2f",
+ "6v1q",
+ "4ph7",
+ "5qod",
+ "5s9q",
+ "7vzu",
+ "4xnj",
+ "6csn",
+ "1ule",
+ "2lym",
+ "6zj0",
+ "6l5s",
+ "5lqm",
+ "2qpz",
+ "5gtd",
+ "6qy5",
+ "6s6w",
+ "6qu1",
+ "5jl7",
+ "4a8t",
+ "1hq3",
+ "1lab",
+ "5mh2",
+ "7s74",
+ "7ado",
+ "7ygq",
+ "6dxh",
+ "3uw4",
+ "1bfm",
+ "1kjs",
+ "1noj",
+ "1yqa",
+ "7lrn",
+ "7yow",
+ "6cxf",
+ "5ivo",
+ "2cej",
+ "2h4k",
+ "2lu9",
+ "1a3s",
+ "5prf",
+ "2nqp",
+ "1ffa",
+ "4lym",
+ "5jy3",
+ "1iil",
+ "5e74",
+ "1cjt",
+ "6hfx",
+ "6d6r",
+ "5hvx",
+ "6wrr",
+ "5tz5",
+ "4r4s",
+ "1w3y",
+ "2hcs",
+ "4wxs",
+ "4gja",
+ "4nwz",
+ "1yfm",
+ "4pyg",
+ "7jr9",
+ "8ds3",
+ "5cio",
+ "3hxe",
+ "7pld",
+ "2ygf",
+ "5pxl",
+ "2zwu",
+ "6q6b",
+ "5qf1",
+ "4l85",
+ "4pcb",
+ "2bgg",
+ "7euy",
+ "3n7h",
+ "1xgo",
+ "2cog",
+ "6puh",
+ "3vai",
+ "4y04",
+ "2jfc",
+ "5gwi",
+ "1di7",
+ "5qe0",
+ "6osw",
+ "5kbv",
+ "3l3x",
+ "2obs",
+ "4hja",
+ "7tsn",
+ "1zjp",
+ "5spc",
+ "7rcy",
+ "6uhw",
+ "2e2j",
+ "3hmm",
+ "1e3x",
+ "6d3x",
+ "7kx0",
+ "6t76",
+ "2jtq",
+ "1hqr",
+ "3vdx",
+ "3zql",
+ "1p18",
+ "1oco",
+ "4hw9",
+ "5cm9",
+ "4fcq",
+ "7oks",
+ "1j6q",
+ "1gjb",
+ "1u37",
+ "5mg9",
+ "2fq3",
+ "5yeg",
+ "5fkc",
+ "2sxl",
+ "3zwp",
+ "4afg",
+ "4k81",
+ "5fol",
+ "7ksv",
+ "3vsl",
+ "7r4z",
+ "1t5w",
+ "5vcm",
+ "5wyl",
+ "3qx9",
+ "2kqv",
+ "6st2",
+ "3s5b",
+ "4hd8",
+ "4j93",
+ "5zz1",
+ "4j5i",
+ "3otk",
+ "2ouc",
+ "5x56",
+ "2sob",
+ "7evj",
+ "5o8u",
+ "5llb",
+ "5f5m",
+ "6hgk",
+ "7lnc",
+ "4o1w",
+ "3i1c",
+ "2ao6",
+ "7z1c",
+ "5tek",
+ "7d5v",
+ "5igt",
+ "6eqv",
+ "7u4o",
+ "5g6f",
+ "1khb",
+ "4c59",
+ "2w07",
+ "1f52",
+ "7mpp",
+ "1ikx",
+ "4d3k",
+ "5jgz",
+ "6hup",
+ "7m4r",
+ "5kzy",
+ "3wtt",
+ "4u4b",
+ "3zuo",
+ "1sev",
+ "3sx1",
+ "3saq",
+ "2fx4",
+ "7dws",
+ "5zo4",
+ "3zv6",
+ "1xez",
+ "7ujj",
+ "6d3y",
+ "5mef",
+ "7tub",
+ "2zqz",
+ "3ntw",
+ "3eo5",
+ "5u9d",
+ "6h17",
+ "1mb8",
+ "6qau",
+ "1ot2",
+ "4qx5",
+ "3gwt",
+ "4nf8",
+ "5f7c",
+ "3p64",
+ "1tn6",
+ "5om5",
+ "8eqn",
+ "3ry8",
+ "4ch2",
+ "1xjq",
+ "5ios",
+ "3iw7",
+ "6rb4",
+ "1mx1",
+ "3fgz",
+ "4z2l",
+ "6n81",
+ "2wu9",
+ "2bc9",
+ "7s0v",
+ "5akx",
+ "7c0x",
+ "4maz",
+ "5nx2",
+ "4tq8",
+ "3p8v",
+ "7n40",
+ "5fvn",
+ "3r1h",
+ "3gdn",
+ "6vpn",
+ "5m24",
+ "2w6m",
+ "5eit",
+ "5vdw",
+ "5zb6",
+ "2wxb",
+ "3myc",
+ "7o8o",
+ "2eso",
+ "3ixx",
+ "1z10",
+ "2xi6",
+ "4mqe",
+ "6r2c",
+ "2vle",
+ "8dcs",
+ "5kci",
+ "1gs5",
+ "3nkp",
+ "4ahx",
+ "5yk7",
+ "2j8m",
+ "7yzd",
+ "4yf5",
+ "3gyf",
+ "1ube",
+ "3bzs",
+ "4wth",
+ "8dci",
+ "2og5",
+ "1j16",
+ "5cpi",
+ "5xoc",
+ "6z9x",
+ "6sab",
+ "3a1i",
+ "1w89",
+ "7svq",
+ "2vwj",
+ "6n2t",
+ "5w3a",
+ "5i2n",
+ "4i5r",
+ "7s0y",
+ "3mpv",
+ "6ggd",
+ "6e5m",
+ "3i4v",
+ "3tp0",
+ "4w8a",
+ "1wvr",
+ "5njs",
+ "5wt4",
+ "3wvu",
+ "3m2k",
+ "5e16",
+ "4dlc",
+ "6wno",
+ "8dd2",
+ "5gkc",
+ "4zo8",
+ "3ooc",
+ "3oib",
+ "6d28",
+ "3rqr",
+ "4unf",
+ "1sa8",
+ "5h6r",
+ "6r65",
+ "6a0d",
+ "1nhx",
+ "5fb6",
+ "6xve",
+ "1m54",
+ "6dgb",
+ "3so8",
+ "4nat",
+ "3s1d",
+ "3ain",
+ "1y1c",
+ "6mvx",
+ "4lsn",
+ "1o4l",
+ "6tj7",
+ "7kzy",
+ "8gqv",
+ "1hb1",
+ "6t1b",
+ "2jso",
+ "3thd",
+ "8e3d",
+ "5lk1",
+ "6flc",
+ "6gad",
+ "4zxr",
+ "7t27",
+ "7vb2",
+ "7aqb",
+ "4c5w",
+ "7zg9",
+ "4l2a",
+ "3svq",
+ "6feh",
+ "4i6s",
+ "5rcv",
+ "3x39",
+ "1b4d",
+ "5mww",
+ "1wht",
+ "3voz",
+ "4p05",
+ "6upb",
+ "5ypb",
+ "2xya",
+ "6l0q",
+ "7jyw",
+ "6iar",
+ "5fwd",
+ "6tcp",
+ "6toy",
+ "7jk1",
+ "4zo5",
+ "1atz",
+ "6hia",
+ "3vf5",
+ "6i1y",
+ "4bmt",
+ "3her",
+ "4hme",
+ "1ow4",
+ "3i7b",
+ "1y85",
+ "8aa9",
+ "3r5k",
+ "5tux",
+ "4efu",
+ "1u0t",
+ "5cxc",
+ "3dfs",
+ "1gl6",
+ "5daa",
+ "5dqe",
+ "7t51",
+ "5xrx",
+ "6s7u",
+ "3wp0",
+ "6unw",
+ "3nby",
+ "3ud5",
+ "5pmj",
+ "4a3o",
+ "2g0d",
+ "2a9j",
+ "6r4u",
+ "4jta",
+ "6j4t",
+ "1naq",
+ "3u0v",
+ "1vfw",
+ "1oza",
+ "1koj",
+ "6ar1",
+ "7tbb",
+ "3fj4",
+ "1yzt",
+ "2j44",
+ "1yzp",
+ "2tn4",
+ "225l",
+ "7axx",
+ "5zn0",
+ "6mpx",
+ "7jnt",
+ "4q91",
+ "7l1c",
+ "5j8w",
+ "5own",
+ "7rgk",
+ "5unn",
+ "3kag",
+ "1whs",
+ "5mot",
+ "4cyw",
+ "7z12",
+ "1dch",
+ "2vmb",
+ "2gjl",
+ "2n9p",
+ "4hwk",
+ "2nnu",
+ "5myb",
+ "7oh9",
+ "6g1t",
+ "1r6f",
+ "5wrt",
+ "4cwb",
+ "5m94",
+ "5mmc",
+ "6lsq",
+ "5nfl",
+ "5y3d",
+ "5e57",
+ "233l",
+ "5hny",
+ "6mkw",
+ "4aut",
+ "7jtp",
+ "4yfa",
+ "2brg",
+ "3l0r",
+ "3j2w",
+ "3ors",
+ "5psq",
+ "2bn7",
+ "5rtl",
+ "4lte",
+ "6dei",
+ "8hev",
+ "3wvt",
+ "1k1k",
+ "3c8x",
+ "1k86",
+ "6hu2",
+ "3kkn",
+ "6csv",
+ "1u2v",
+ "1tot",
+ "7pr8",
+ "6fig",
+ "2zq8",
+ "5jsh",
+ "3med",
+ "5g3r",
+ "3d6n",
+ "6n2b",
+ "6q4j",
+ "7wgl",
+ "7dpv",
+ "4nzb",
+ "2ydt",
+ "5lf7",
+ "3dwf",
+ "4gup",
+ "7t8m",
+ "1wpx",
+ "3qmj",
+ "5mhd",
+ "6e3i",
+ "1rgh",
+ "1b3n",
+ "5rat",
+ "6q21",
+ "4y5z",
+ "2ezm",
+ "6ysp",
+ "4mz9",
+ "1fhu",
+ "5mo5",
+ "6y16",
+ "7s5k",
+ "2eyt",
+ "4zvh",
+ "5y41",
+ "4n4o",
+ "5f67",
+ "4cpc",
+ "7lfj",
+ "6h3x",
+ "3oqf",
+ "3zuh",
+ "7kcq",
+ "1g7d",
+ "4km2",
+ "2bu1",
+ "5zxg",
+ "3p98",
+ "3qul",
+ "2xn7",
+ "4udb",
+ "7uax",
+ "6ltg",
+ "5z0y",
+ "3v1d",
+ "3cgf",
+ "4ql0",
+ "6zd8",
+ "4nky",
+ "1fgu",
+ "7xhr",
+ "1vav",
+ "3r4b",
+ "6hlu",
+ "2mbe",
+ "6x3i",
+ "8e7z",
+ "4jqz",
+ "6v65",
+ "4am9",
+ "7jyz",
+ "2xim",
+ "1qtc",
+ "3zbq",
+ "3qzp",
+ "7a4v",
+ "5wrp",
+ "3r3l",
+ "1hmj",
+ "6svk",
+ "3q5y",
+ "1qtr",
+ "4lld",
+ "7agb",
+ "6nvz",
+ "1ueg",
+ "1zyt",
+ "2vgu",
+ "4pbg",
+ "3i68",
+ "2n18",
+ "8ben",
+ "1w1z",
+ "6f3w",
+ "1bw5",
+ "2h2u",
+ "7nq8",
+ "5mny",
+ "1ezf",
+ "6aa1",
+ "4bd6",
+ "1shd",
+ "4nld",
+ "1ll0",
+ "3hl7",
+ "6r1h",
+ "6h4d",
+ "1zdi",
+ "4y5i",
+ "5hhw",
+ "6gzw",
+ "5d9h",
+ "3m5o",
+ "3e6b",
+ "2ecu",
+ "1t5r",
+ "6uan",
+ "4bxs",
+ "3nsy",
+ "7sc2",
+ "1rg8",
+ "5l67",
+ "7kje",
+ "4z1h",
+ "3ox5",
+ "7ph3",
+ "7soo",
+ "3p79",
+ "5hte",
+ "4jae",
+ "5ue8",
+ "5jmp",
+ "1c12",
+ "3mex",
+ "7co9",
+ "5sqh",
+ "5wew",
+ "2dsw",
+ "4gl5",
+ "5f0h",
+ "3qml",
+ "4mbr",
+ "5cy5",
+ "2wcb",
+ "8hgw",
+ "6zm8",
+ "7jug",
+ "5pe9",
+ "2jwz",
+ "7m85",
+ "6iov",
+ "7poz",
+ "4ann",
+ "3dqb",
+ "4q25",
+ "3cf3",
+ "1f5q",
+ "1emv",
+ "1vym",
+ "1srp",
+ "6qeh",
+ "2nrw",
+ "1eet",
+ "1m72",
+ "3ucf",
+ "4jp4",
+ "7veu",
+ "2avp",
+ "5cru",
+ "1mpf",
+ "2qcn",
+ "5prd",
+ "2p8r",
+ "7kjq",
+ "3ob4",
+ "4nc2",
+ "1v7w",
+ "3tpk",
+ "6qx8",
+ "3l5s",
+ "6jut",
+ "4icq",
+ "1hgh",
+ "1gn4",
+ "7vqm",
+ "5mq0",
+ "2lbf",
+ "6cqi",
+ "2cnc",
+ "3hy5",
+ "3fqf",
+ "1hxn",
+ "4be0",
+ "5kx5",
+ "5r90",
+ "1o36",
+ "2rfu",
+ "1azy",
+ "4da6",
+ "5psw",
+ "2bma",
+ "7uxr",
+ "4wjp",
+ "1iho",
+ "2q9t",
+ "5ufq",
+ "2vvq",
+ "1dps",
+ "5eag",
+ "6jb4",
+ "6xew",
+ "4a4d",
+ "4adj",
+ "4z0d",
+ "3i70",
+ "6n9v",
+ "5uat",
+ "4ptd",
+ "5y4f",
+ "3u0a",
+ "2o07",
+ "1iuz",
+ "1bg5",
+ "1u5l",
+ "6m5q",
+ "5y6u",
+ "4tnt",
+ "3qgh",
+ "4ysk",
+ "2u1a",
+ "2yw7",
+ "7ffi",
+ "1ny0",
+ "2vow",
+ "6o7e",
+ "4tmw",
+ "2atp",
+ "5rmh",
+ "1u0v",
+ "7r7h",
+ "6miv",
+ "5zng",
+ "4zvk",
+ "1ysx",
+ "3op8",
+ "4n8j",
+ "6wcu",
+ "2las",
+ "3m9k",
+ "5vrm",
+ "2i3u",
+ "4uyf",
+ "6oxp",
+ "4isg",
+ "3zq1",
+ "4qvc",
+ "4tm7",
+ "3v98",
+ "6dwj",
+ "1ca4",
+ "1m5d",
+ "6ege",
+ "1cim",
+ "6ipm",
+ "3kg8",
+ "5kqp",
+ "6av4",
+ "3wx4",
+ "2og2",
+ "7laq",
+ "4qa5",
+ "2fcu",
+ "7vvt",
+ "5a7l",
+ "6bz5",
+ "1tyq",
+ "1qid",
+ "3kyy",
+ "2vd1",
+ "6xvu",
+ "5xn6",
+ "4ejg",
+ "2mme",
+ "1t4w",
+ "1bs2",
+ "6l0p",
+ "8bof",
+ "7b3w",
+ "5p5j",
+ "6fl9",
+ "4y9i",
+ "5nfx",
+ "6lzn",
+ "4l74",
+ "4pvr",
+ "4p2j",
+ "6lc9",
+ "2rvh",
+ "2o6v",
+ "6hor",
+ "3rhr",
+ "8ccc",
+ "3s94",
+ "1apc",
+ "6szu",
+ "2pj1",
+ "3ca2",
+ "4pla",
+ "5u3n",
+ "1i5k",
+ "2v9p",
+ "3i7i",
+ "5d6e",
+ "4ofc",
+ "2vxl",
+ "7tib",
+ "4jgx",
+ "1ho2",
+ "4dq5",
+ "6h5f",
+ "3dv2",
+ "3wvp",
+ "4okw",
+ "2ztb",
+ "3zhw",
+ "3ufa",
+ "2buk",
+ "7mnw",
+ "1ek4",
+ "2bcw",
+ "3x2r",
+ "3zqh",
+ "1eie",
+ "2iyg",
+ "5grw",
+ "5maf",
+ "7qay",
+ "2ly0",
+ "6gzs",
+ "1xt6",
+ "2gdm",
+ "1l8b",
+ "6qrt",
+ "1fi1",
+ "2raw",
+ "1f46",
+ "4zke",
+ "4o2x",
+ "3lhj",
+ "7ou0",
+ "5fcl",
+ "1lwb",
+ "1dyt",
+ "4xk9",
+ "5svp",
+ "4rmk",
+ "6cs9",
+ "1pjp",
+ "4jkf",
+ "4qgf",
+ "1lci",
+ "6pps",
+ "1bj5",
+ "1yrd",
+ "4z7f",
+ "2lwu",
+ "6wwz",
+ "4jws",
+ "7bmw",
+ "6fc4",
+ "6zbj",
+ "2v2d",
+ "1cdb",
+ "7mjo",
+ "6dod",
+ "6wel",
+ "2fnb",
+ "4zsg",
+ "2vk2",
+ "6tet",
+ "6h3u",
+ "2wsf",
+ "6o3q",
+ "3vq6",
+ "3vug",
+ "5p2e",
+ "2bn0",
+ "1ow1",
+ "7tep",
+ "7vyw",
+ "5u6r",
+ "2hnu",
+ "3qjy",
+ "3mf5",
+ "6dtn",
+ "3ca1",
+ "2jug",
+ "1a5o",
+ "5e9y",
+ "5cid",
+ "3qs2",
+ "4adf",
+ "7rxs",
+ "5wow",
+ "5xs6",
+ "2vl7",
+ "5zoo",
+ "4zv4",
+ "3p77",
+ "4a1t",
+ "4anf",
+ "4due",
+ "2x5p",
+ "4ck5",
+ "1fzz",
+ "2zy2",
+ "1y8q",
+ "4xxh",
+ "4e20",
+ "2v9r",
+ "5u7i",
+ "1zch",
+ "6g79",
+ "5alv",
+ "7nst",
+ "3niy",
+ "5ih6",
+ "3kng",
+ "1xih",
+ "5tiq",
+ "4f4l",
+ "1ri5",
+ "6r4v",
+ "1wuw",
+ "2m0t",
+ "4ry5",
+ "4me2",
+ "6tg2",
+ "2hnw",
+ "3cdt",
+ "4luq",
+ "3jc5",
+ "5e4t",
+ "3emv",
+ "3ksb",
+ "7zaw",
+ "6m8s",
+ "2jf9",
+ "6mud",
+ "1mwc",
+ "3gli",
+ "1pb7",
+ "1l3w",
+ "6l39",
+ "2wcy",
+ "7apy",
+ "1nqv",
+ "2qsk",
+ "7u0t",
+ "7y5n",
+ "4s14",
+ "4bjm",
+ "5lt2",
+ "1krw",
+ "2jvu",
+ "1vso",
+ "5k94",
+ "6eyt",
+ "3p32",
+ "5bu1",
+ "2j8n",
+ "7oy5",
+ "6zad",
+ "3m71",
+ "6ovz",
+ "6ijc",
+ "5xw6",
+ "4w7k",
+ "4a92",
+ "3mth",
+ "6teq",
+ "6kcf",
+ "2par",
+ "6ilc",
+ "4ce3",
+ "1fry",
+ "1gce",
+ "5tts",
+ "2ptw",
+ "3ly8",
+ "5i8c",
+ "4jsz",
+ "2zir",
+ "6s4b",
+ "6p6c",
+ "5wql",
+ "7b91",
+ "1mdr",
+ "2oif",
+ "3k84",
+ "3mgr",
+ "5y0i",
+ "4li1",
+ "1mpn",
+ "2g52",
+ "4plr",
+ "5e5r",
+ "7qr6",
+ "4zts",
+ "1ix0",
+ "6w3j",
+ "7k4d",
+ "4in0",
+ "2n7y",
+ "2dc1",
+ "4b74",
+ "4qwp",
+ "6puy",
+ "1dr8",
+ "1qnx",
+ "2h9n",
+ "7p5a",
+ "6o6s",
+ "6o0a",
+ "3fe7",
+ "2x77",
+ "5wwc",
+ "1xar",
+ "5l0u",
+ "2z6f",
+ "2b3b",
+ "7p54",
+ "7c21",
+ "1q10",
+ "6lpr",
+ "2b8p",
+ "1rl1",
+ "5okq",
+ "4tzn",
+ "2wd6",
+ "6l8o",
+ "6x3z",
+ "6zn9",
+ "4rkw",
+ "7uk9",
+ "4zcq",
+ "6hg6",
+ "3n0i",
+ "5xoz",
+ "2jn3",
+ "3spz",
+ "2dxl",
+ "4oub",
+ "6ksl",
+ "3kbl",
+ "4asz",
+ "1w5d",
+ "6i14",
+ "7ue8",
+ "5cr4",
+ "3n3j",
+ "6po3",
+ "7jwv",
+ "5t2i",
+ "1hky",
+ "7bj8",
+ "1xmk",
+ "4olh",
+ "2v6k",
+ "3qe8",
+ "1fi2",
+ "4jop",
+ "2zsy",
+ "5r83",
+ "4to7",
+ "3mya",
+ "185l",
+ "7z2p",
+ "2zmd",
+ "1mtx",
+ "6bp2",
+ "3iy2",
+ "5v4i",
+ "1dli",
+ "2y58",
+ "6sfg",
+ "4cqr",
+ "7z14",
+ "3ulb",
+ "6ipb",
+ "5k8q",
+ "2gnn",
+ "5t8q",
+ "5d4a",
+ "2jj2",
+ "2zmn",
+ "3f4f",
+ "4tvj",
+ "5eie",
+ "3h7d",
+ "7abp",
+ "1nol",
+ "2l8d",
+ "1m2p",
+ "6a7b",
+ "7yck",
+ "5pxg",
+ "5tdl",
+ "1urb",
+ "3wu6",
+ "6umv",
+ "3wbp",
+ "7ayh",
+ "5eyi",
+ "5xve",
+ "4cr4",
+ "6jg9",
+ "5c1z",
+ "8boi",
+ "3q0m",
+ "5ltn",
+ "4xmf",
+ "1ul4",
+ "6nfs",
+ "7qyz",
+ "8avd",
+ "3a54",
+ "6nq8",
+ "6vax",
+ "2dtz",
+ "2xyp",
+ "7dkw",
+ "1gob",
+ "7fmq",
+ "1xts",
+ "3mg6",
+ "1sy2",
+ "2mei",
+ "6uzj",
+ "2jll",
+ "1l9c",
+ "7zs3",
+ "1ovn",
+ "1uk9",
+ "4z6u",
+ "4heb",
+ "2qu3",
+ "5ane",
+ "6bf4",
+ "1v5h",
+ "4r9m",
+ "4ip1",
+ "6av6",
+ "6ztk",
+ "5hcd",
+ "6axr",
+ "5zc9",
+ "5e7s",
+ "4zdl",
+ "1i3i",
+ "1gh2",
+ "1bsw",
+ "6yha",
+ "4ycx",
+ "4nqu",
+ "2ceq",
+ "5rcb",
+ "4o77",
+ "6pjv",
+ "7dfo",
+ "5fne",
+ "5ws4",
+ "5v7m",
+ "5pt7",
+ "5hou",
+ "4ym3",
+ "7fkn",
+ "4ue2",
+ "4axi",
+ "1ucr",
+ "4xsg",
+ "1txi",
+ "1u53",
+ "2w39",
+ "6e9b",
+ "5zvt",
+ "4gsm",
+ "1mzf",
+ "1ybv",
+ "2au1",
+ "7t2t",
+ "1nrg",
+ "5hyw",
+ "3zbx",
+ "1gge",
+ "4k8n",
+ "7d7q",
+ "3nhh",
+ "8d6k",
+ "1fhv",
+ "6k7v",
+ "6hv2",
+ "6cnj",
+ "5poc",
+ "1f5s",
+ "6i3e",
+ "6owm",
+ "4hfb",
+ "1w8e",
+ "7trj",
+ "1rwk",
+ "4j9n",
+ "3o9q",
+ "3o0g",
+ "6lrs",
+ "4y89",
+ "5pvu",
+ "6yze",
+ "2xmp",
+ "1gn3",
+ "4mx9",
+ "2bkm",
+ "3nyd",
+ "4fei",
+ "3eh1",
+ "4ndh",
+ "4jlx",
+ "7x5y",
+ "6r0y",
+ "2loh",
+ "4jpi",
+ "2zxm",
+ "4imq",
+ "6xn2",
+ "2cdv",
+ "1mn1",
+ "1lew",
+ "2i3a",
+ "6uyd",
+ "1o6e",
+ "5wkf",
+ "3e9g",
+ "2om0",
+ "6iyn",
+ "3hes",
+ "7t6t",
+ "7ck1",
+ "2hm9",
+ "7c1k",
+ "2jfw",
+ "7wda",
+ "7pim",
+ "4ya3",
+ "5ic6",
+ "1nh6",
+ "8gvk",
+ "4nab",
+ "5l21",
+ "4a7g",
+ "6z35",
+ "7fd1",
+ "5hj8",
+ "1ml0",
+ "4xet",
+ "5a71",
+ "6cpg",
+ "5yuy",
+ "3k5y",
+ "5hfu",
+ "6qa8",
+ "5k8n",
+ "6uv4",
+ "6vgy",
+ "6nh0",
+ "3sw2",
+ "7p92",
+ "2qj9",
+ "6ne4",
+ "5uwn",
+ "8d7f",
+ "6rvp",
+ "5md7",
+ "6l59",
+ "1q42",
+ "3eaz",
+ "7lyb",
+ "5k68",
+ "4ki8",
+ "3hui",
+ "6bvp",
+ "6i31",
+ "5fvq",
+ "2qpu",
+ "4fza",
+ "5xij",
+ "1sep",
+ "7zud",
+ "5i8y",
+ "7qvv",
+ "6kdj",
+ "5st2",
+ "3it4",
+ "6zfw",
+ "6jem",
+ "1yr9",
+ "3rcc",
+ "5p6v",
+ "1q6l",
+ "6j7o",
+ "6xjh",
+ "3t2x",
+ "5tex",
+ "5mne",
+ "4e3t",
+ "3eql",
+ "4jp8",
+ "6h9r",
+ "4kvj",
+ "2rjy",
+ "5stk",
+ "3osk",
+ "7wxm",
+ "7ctd",
+ "4lmn",
+ "5uxn",
+ "4nsc",
+ "1zx9",
+ "5hcm",
+ "7up8",
+ "5unv",
+ "1yc7",
+ "2ley",
+ "1gyw",
+ "8cgt",
+ "2jkq",
+ "4x6p",
+ "3kko",
+ "2uxp",
+ "4cp7",
+ "3r2a",
+ "2y3i",
+ "3pu8",
+ "3w27",
+ "3sgk",
+ "3t5s",
+ "7m09",
+ "2f32",
+ "3crq",
+ "5nka",
+ "5s4x",
+ "6uyg",
+ "2n9b",
+ "3mf9",
+ "1ku8",
+ "7jyr",
+ "6rlz",
+ "4ogw",
+ "5hyv",
+ "5v6g",
+ "6lmy",
+ "3zbl",
+ "5vyu",
+ "2wr4",
+ "6h4o",
+ "8fm0",
+ "3f2e",
+ "6u99",
+ "5pfw",
+ "4g3m",
+ "1z0f",
+ "1o7o",
+ "5map",
+ "2gjp",
+ "2qwj",
+ "2z1u",
+ "2m59",
+ "7ovc",
+ "2crs",
+ "3ak3",
+ "3ocn",
+ "6b81",
+ "6n3y",
+ "1vim",
+ "7xhw",
+ "4h0l",
+ "1pez",
+ "4x2j",
+ "2mh2",
+ "7fny",
+ "3uys",
+ "2k27",
+ "5p4g",
+ "4z0u",
+ "3os0",
+ "5j61",
+ "5vrh",
+ "5kvh",
+ "3aw1",
+ "2zrx",
+ "6yca",
+ "7czf",
+ "7tfk",
+ "2q7e",
+ "7k7o",
+ "4pym",
+ "7vt1",
+ "7vj7",
+ "4jfp",
+ "4cck",
+ "4f6m",
+ "7l84",
+ "6ntd",
+ "1l0h",
+ "4dhy",
+ "3ayz",
+ "4ws1",
+ "3veg",
+ "4nd4",
+ "1cr4",
+ "5ytn",
+ "2v8o",
+ "6rdg",
+ "3tcy",
+ "7lq7",
+ "3p4i",
+ "2p3m",
+ "5lo5",
+ "7ri0",
+ "5yw8",
+ "5san",
+ "7z2c",
+ "4wxb",
+ "3pzp",
+ "5vo4",
+ "1yx9",
+ "3c2r",
+ "6m5h",
+ "6sju",
+ "8gur",
+ "6qfe",
+ "6tty",
+ "5d6n",
+ "4bo3",
+ "6b9m",
+ "6pkp",
+ "5vy5",
+ "4w7h",
+ "1uue",
+ "5dyg",
+ "4p3d",
+ "1c5x",
+ "6g1z",
+ "2qc5",
+ "5kyu",
+ "5fmj",
+ "7buj",
+ "1u07",
+ "7u0u",
+ "5nb1",
+ "7knj",
+ "4ajz",
+ "2v64",
+ "1knl",
+ "1hpl",
+ "6ad3",
+ "5yj8",
+ "6zlg",
+ "1uj2",
+ "4gpm",
+ "6he9",
+ "3uol",
+ "7jnw",
+ "5yci",
+ "5k8u",
+ "2x0y",
+ "6tvp",
+ "7t0k",
+ "2vv8",
+ "6zbs",
+ "5f6y",
+ "1m9b",
+ "2yvy",
+ "2lz3",
+ "3b6i",
+ "5yzc",
+ "3l6j",
+ "1c5q",
+ "6utr",
+ "4kgc",
+ "3gsv",
+ "3cs8",
+ "6xj7",
+ "5z5s",
+ "3ttb",
+ "4krc",
+ "3bz9",
+ "3jat",
+ "4q66",
+ "2ax5",
+ "1y9u",
+ "5nao",
+ "5tn7",
+ "7p6d",
+ "3uj4",
+ "3lj7",
+ "2ge8",
+ "1tnh",
+ "4mr1",
+ "1p6h",
+ "5pdd",
+ "3b25",
+ "8d10",
+ "2fyg",
+ "1tll",
+ "6w29",
+ "3pak",
+ "5w99",
+ "2cc7",
+ "6pa6",
+ "1y4g",
+ "5cs9",
+ "5yk4",
+ "3w5x",
+ "2i2s",
+ "5vjd",
+ "2mub",
+ "4ehl",
+ "1rfk",
+ "6eaz",
+ "3g35",
+ "6cvz",
+ "3kmr",
+ "6nfj",
+ "4m97",
+ "1dsb",
+ "1fqk",
+ "5vad",
+ "3pi5",
+ "6lwi",
+ "3klo",
+ "4l89",
+ "2wdf",
+ "6xxw",
+ "5hjg",
+ "5h3w",
+ "4grh",
+ "1leb",
+ "4lwe",
+ "2jsx",
+ "6yq8",
+ "1nvq",
+ "3lbn",
+ "5c5j",
+ "7tt3",
+ "2nb0",
+ "8do5",
+ "2fr3",
+ "5o67",
+ "1wrn",
+ "4z4c",
+ "1b9y",
+ "2vci",
+ "4m20",
+ "1irg",
+ "3bcf",
+ "6rt0",
+ "6ooo",
+ "3k41",
+ "1dki",
+ "6m8w",
+ "1jaq",
+ "7mnd",
+ "1tux",
+ "1ega",
+ "5kg1",
+ "7q38",
+ "1t0r",
+ "4qgb",
+ "6zaa",
+ "6v33",
+ "4lsz",
+ "6rdp",
+ "5yls",
+ "6a54",
+ "2d8l",
+ "1djq",
+ "8ea1",
+ "6b0e",
+ "4gny",
+ "4lkh",
+ "5po9",
+ "1mrj",
+ "4u5t",
+ "4d8o",
+ "1bn3",
+ "3hs2",
+ "5xnr",
+ "4bwx",
+ "6hn7",
+ "1ez9",
+ "4ecx",
+ "8agg",
+ "6qyb",
+ "3el0",
+ "4u5n",
+ "6sow",
+ "1e0m",
+ "5wte",
+ "8db0",
+ "7w66",
+ "2wj2",
+ "6jq3",
+ "6azc",
+ "6tsv",
+ "3nkf",
+ "3nq1",
+ "8ava",
+ "5hh0",
+ "2yay",
+ "3d9x",
+ "3ppv",
+ "5p3h",
+ "5mks",
+ "6slq",
+ "2vpf",
+ "3bzh",
+ "7aak",
+ "3trq",
+ "7qp0",
+ "6rc8",
+ "6p29",
+ "4pg0",
+ "4lkx",
+ "4rr9",
+ "2xbj",
+ "1gbl",
+ "4osv",
+ "2wcr",
+ "3pxr",
+ "3rsf",
+ "1hnk",
+ "3fi6",
+ "1k3g",
+ "1rfb",
+ "5tho",
+ "6mqc",
+ "1d2e",
+ "1jq3",
+ "5nss",
+ "5xl9",
+ "4rrs",
+ "5wth",
+ "4hwy",
+ "1xu6",
+ "2k0y",
+ "7d8l",
+ "4a51",
+ "3ete",
+ "2iz0",
+ "7s4q",
+ "1oyb",
+ "3g6b",
+ "1buh",
+ "5fgb",
+ "6jag",
+ "4aqi",
+ "6m2c",
+ "4zol",
+ "2bpv",
+ "3mvx",
+ "6alj",
+ "6j2d",
+ "6ydk",
+ "3dso",
+ "1p1z",
+ "2gec",
+ "1kv6",
+ "6h0a",
+ "5hfi",
+ "1wqf",
+ "7nho",
+ "1mss",
+ "7l9x",
+ "6sz3",
+ "2x11",
+ "3qzn",
+ "3vpj",
+ "2jfs",
+ "7db8",
+ "5xkb",
+ "4ymv",
+ "6pim",
+ "1dr1",
+ "6ykx",
+ "2ayl",
+ "3f7i",
+ "4zvq",
+ "3mp8",
+ "7x11",
+ "7v2v",
+ "7omq",
+ "6u7q",
+ "7sew",
+ "4q6p",
+ "2phb",
+ "1ng4",
+ "3al9",
+ "7t9z",
+ "1wx5",
+ "6ijl",
+ "6tqj",
+ "4gpq",
+ "4rnx",
+ "5lpm",
+ "3as3",
+ "3u8b",
+ "6koq",
+ "3ewk",
+ "2q2r",
+ "7cu0",
+ "6yaf",
+ "3vfq",
+ "3ses",
+ "2wkv",
+ "7obm",
+ "5w4e",
+ "3mbm",
+ "6tob",
+ "4mah",
+ "6thv",
+ "5o91",
+ "1zil",
+ "7p8y",
+ "1rao",
+ "3t45",
+ "7z6c",
+ "3v91",
+ "2vv7",
+ "5ueu",
+ "4rww",
+ "1n5s",
+ "4dev",
+ "4dvk",
+ "8c1n",
+ "3vud",
+ "7owd",
+ "2bu7",
+ "3u61",
+ "3ez8",
+ "7tnh",
+ "4akf",
+ "4y6z",
+ "5ccc",
+ "2p1c",
+ "6m64",
+ "3g4t",
+ "6rd1",
+ "3s8o",
+ "1rwf",
+ "5z8x",
+ "5oey",
+ "7df6",
+ "4yyy",
+ "3ctq",
+ "4y70",
+ "1th5",
+ "4yrp",
+ "4w63",
+ "5s4k",
+ "4pn6",
+ "4my5",
+ "6yqx",
+ "2xqf",
+ "2e6y",
+ "2fr7",
+ "2wzp",
+ "6hb0",
+ "7n6x",
+ "5wg1",
+ "3i7r",
+ "1ics",
+ "5c2o",
+ "4h0f",
+ "4urd",
+ "3hjl",
+ "3pnd",
+ "4b7q",
+ "3dif",
+ "6w86",
+ "1ljh",
+ "6aps",
+ "6e92",
+ "2bm4",
+ "6brb",
+ "1g3y",
+ "1gq4",
+ "7mox",
+ "6mtl",
+ "5vkz",
+ "4alm",
+ "1eps",
+ "3gky",
+ "5vai",
+ "6pck",
+ "6vaj",
+ "5a4d",
+ "5va7",
+ "5wm9",
+ "2d1x",
+ "5kzi",
+ "5mnz",
+ "5s39",
+ "3gf1",
+ "5veg",
+ "4wqo",
+ "2wam",
+ "5yvs",
+ "2qb8",
+ "7n5p",
+ "7lpd",
+ "2iwa",
+ "4c47",
+ "7uhr",
+ "5agq",
+ "3mrg",
+ "5pfp",
+ "3hl2",
+ "6dgz",
+ "7wgq",
+ "2yc4",
+ "6pi1",
+ "4wur",
+ "4xo8",
+ "2byt",
+ "1g93",
+ "2oed",
+ "8d3q",
+ "3rfx",
+ "5amv",
+ "6did",
+ "4yfm",
+ "1uwr",
+ "5pr5",
+ "4ons",
+ "3zoj",
+ "1sdy",
+ "3sjf",
+ "4oog",
+ "6wgb",
+ "7k81",
+ "2v6b",
+ "3e1v",
+ "6e40",
+ "1ub3",
+ "5cks",
+ "6vzw",
+ "7r4u",
+ "5nxa",
+ "3pfk",
+ "2kki",
+ "6w7e",
+ "3kyu",
+ "5swi",
+ "2zvl",
+ "7pgb",
+ "5yw5",
+ "3nlz",
+ "6yji",
+ "7asj",
+ "4c9z",
+ "2g73",
+ "3e1z",
+ "6i6f",
+ "4yy5",
+ "1dd6",
+ "5p2g",
+ "4gq4",
+ "7c6v",
+ "3c03",
+ "6lng",
+ "6v7v",
+ "1h6q",
+ "4gxl",
+ "6gqo",
+ "1ofa",
+ "5d3q",
+ "3gvw",
+ "2zse",
+ "2ie0",
+ "7qfb",
+ "1mjh",
+ "5z20",
+ "2y5l",
+ "1ioo",
+ "3zfi",
+ "5hl4",
+ "6qow",
+ "5spi",
+ "1rki",
+ "6vwg",
+ "3hk8",
+ "1jtx",
+ "5vnm",
+ "1ar2",
+ "6d30",
+ "6yy9",
+ "4aqe",
+ "7esl",
+ "6ks8",
+ "2lox",
+ "4c9j",
+ "4yc8",
+ "6ysz",
+ "6pbe",
+ "6bjq",
+ "1bq4",
+ "3cdn",
+ "4xsp",
+ "4zct",
+ "5sxn",
+ "3zol",
+ "1w1t",
+ "7epu",
+ "6q5u",
+ "6lj7",
+ "8hlo",
+ "4cix",
+ "7aoj",
+ "5brb",
+ "5erl",
+ "2bpr",
+ "6tz7",
+ "3ooz",
+ "6brs",
+ "6g2r",
+ "7jwz",
+ "5s49",
+ "8cur",
+ "1qk9",
+ "4orf",
+ "1l23",
+ "3wg6",
+ "1mqn",
+ "7b00",
+ "2wyw",
+ "3s90",
+ "2hb1",
+ "6vfs",
+ "5w9f",
+ "7l67",
+ "3k60",
+ "1d0g",
+ "5tmp",
+ "3cv1",
+ "1ozl",
+ "2n4f",
+ "4pow",
+ "6drg",
+ "5qm6",
+ "2z7h",
+ "8cvr",
+ "5t2v",
+ "4e3m",
+ "7bv4",
+ "4boq",
+ "5l3g",
+ "5kqz",
+ "1egv",
+ "1qm0",
+ "7p3y",
+ "8b3b",
+ "1fxo",
+ "4cu6",
+ "6auo",
+ "4d2g",
+ "2m78",
+ "2if5",
+ "1zsc",
+ "6ili",
+ "2pwh",
+ "1qkp",
+ "7zzn",
+ "4bej",
+ "3zjn",
+ "1izr",
+ "7fni",
+ "7ei3",
+ "6gl8",
+ "6riw",
+ "3vi6",
+ "5iwn",
+ "5ouz",
+ "4fk9",
+ "3le8",
+ "6prm",
+ "1iti",
+ "2kvm",
+ "4i8c",
+ "7p60",
+ "1pj0",
+ "4xvr",
+ "3h4f",
+ "4jd9",
+ "7tvf",
+ "8gy7",
+ "5uil",
+ "6lfm",
+ "4b98",
+ "6gma",
+ "6mop",
+ "2eur",
+ "5vkj",
+ "1vie",
+ "2xcm",
+ "8ecn",
+ "4ycp",
+ "6o4i",
+ "2pup",
+ "1vgr",
+ "1dei",
+ "2hx4",
+ "6aul",
+ "1gxd",
+ "2zoi",
+ "4m78",
+ "7lmo",
+ "3mgw",
+ "5pt6",
+ "7tqa",
+ "1t1e",
+ "5r98",
+ "6uf3",
+ "3zdc",
+ "5qj3",
+ "4nb6",
+ "4br3",
+ "6wwh",
+ "1ges",
+ "1z57",
+ "5ovi",
+ "5ni2",
+ "7xe0",
+ "7sos",
+ "3lzn",
+ "6gcu",
+ "6h1q",
+ "3jqh",
+ "4peh",
+ "7csg",
+ "2qy0",
+ "7nxd",
+ "5hor",
+ "3i3x",
+ "3p1y",
+ "4nfv",
+ "6wtm",
+ "6l2m",
+ "5pyi",
+ "7eos",
+ "6t7u",
+ "5agv",
+ "1m7v",
+ "2l7p",
+ "3gil",
+ "3vhv",
+ "4pqp",
+ "3opu",
+ "4v3z",
+ "5yly",
+ "1w4k",
+ "2w6w",
+ "5koe",
+ "4ft8",
+ "3p7c",
+ "1nbm",
+ "5ftn",
+ "7e0m",
+ "4l4m",
+ "6hgn",
+ "7qm5",
+ "1f3j",
+ "4cr3",
+ "5xvz",
+ "7rn1",
+ "1mti",
+ "6dh7",
+ "6weo",
+ "6abn",
+ "2wvw",
+ "5nkn",
+ "1r11",
+ "3s1v",
+ "1ddi",
+ "5h8k",
+ "7u00",
+ "5mku",
+ "5g5t",
+ "4kxj",
+ "2y9z",
+ "2jop",
+ "4ypm",
+ "1uyr",
+ "1dkr",
+ "4kcd",
+ "3s2z",
+ "6mkm",
+ "6txe",
+ "6al6",
+ "5eni",
+ "5rec",
+ "1a7e",
+ "4lwk",
+ "1evs",
+ "3g72",
+ "1pd7",
+ "7lfl",
+ "5lea",
+ "1nss",
+ "4wtw",
+ "4wnx",
+ "4uav",
+ "5fa4",
+ "2cnd",
+ "6gj7",
+ "5s63",
+ "6bg1",
+ "4i1z",
+ "7ces",
+ "2ntu",
+ "2ewf",
+ "5ii7",
+ "1ce9",
+ "7eej",
+ "5oy7",
+ "1d4b",
+ "4uei",
+ "4jej",
+ "4hdh",
+ "4fuw",
+ "2jcb",
+ "1ama",
+ "4zsd",
+ "4bjs",
+ "3coj",
+ "5gg8",
+ "1nyb",
+ "4acu",
+ "1ee2",
+ "7c4h",
+ "2dce",
+ "6gd0",
+ "7pax",
+ "7o5i",
+ "7mek",
+ "4pxu",
+ "1odi",
+ "1uz0",
+ "1c86",
+ "5yea",
+ "3tg3",
+ "1l52",
+ "5f73",
+ "1k1p",
+ "4r9v",
+ "6p5a",
+ "3stv",
+ "2d02",
+ "4ai9",
+ "6xol",
+ "6w9g",
+ "4gk1",
+ "5sv4",
+ "6exz",
+ "7bjo",
+ "1erp",
+ "2nnp",
+ "4ll8",
+ "2l6q",
+ "6vn3",
+ "1ky2",
+ "4dxd",
+ "3zl2",
+ "5kyh",
+ "1y8y",
+ "6akw",
+ "6db4",
+ "5npw",
+ "5lq8",
+ "4get",
+ "1pua",
+ "7cq1",
+ "1fxz",
+ "5u07",
+ "1l43",
+ "4zal",
+ "2w3h",
+ "6w7p",
+ "6nhk",
+ "4mgq",
+ "1kgt",
+ "2ykm",
+ "1ktb",
+ "1xcq",
+ "6ciz",
+ "2ndh",
+ "4n38",
+ "2drs",
+ "1mmc",
+ "4ktp",
+ "4c23",
+ "5u65",
+ "4cgn",
+ "5nim",
+ "4rmj",
+ "3bf1",
+ "5vkr",
+ "3f7r",
+ "5zf6",
+ "2d2c",
+ "2e1z",
+ "1jqn",
+ "4wio",
+ "6cjj",
+ "6eo0",
+ "4uu4",
+ "7ck2",
+ "2c7k",
+ "1mls",
+ "5tth",
+ "4agu",
+ "6hw5",
+ "2bgp",
+ "2moq",
+ "2vfx",
+ "3ajw",
+ "5gv8",
+ "2vq8",
+ "6ty1",
+ "6mup",
+ "1f63",
+ "7zcl",
+ "2rc5",
+ "1cua",
+ "6z25",
+ "3dcq",
+ "5ud2",
+ "6j39",
+ "3m2i",
+ "7ofn",
+ "2c6z",
+ "1ss8",
+ "4kop",
+ "1czl",
+ "7jv5",
+ "1ev6",
+ "1yug",
+ "7yny",
+ "6i6t",
+ "8cx0",
+ "6abi",
+ "6rkk",
+ "4mjh",
+ "1ovj",
+ "6juz",
+ "2j7p",
+ "8etd",
+ "1bvx",
+ "2n99",
+ "4f4h",
+ "5py8",
+ "5ey6",
+ "4we9",
+ "1isw",
+ "1lb1",
+ "3fwn",
+ "7kbi",
+ "7vdn",
+ "3drs",
+ "7vzb",
+ "1cdh",
+ "1i7s",
+ "1mwo",
+ "6mn0",
+ "1om7",
+ "5xqy",
+ "7kax",
+ "3f51",
+ "1uoq",
+ "3gzj",
+ "4bbd",
+ "4q83",
+ "5fa9",
+ "4dr0",
+ "4rid",
+ "5ctu",
+ "1f5f",
+ "1uim",
+ "7em3",
+ "5plk",
+ "7c6k",
+ "5o5e",
+ "6f2s",
+ "3qww",
+ "3zyx",
+ "1ysm",
+ "4x8m",
+ "6shz",
+ "7ud0",
+ "4xzz",
+ "2wqo",
+ "2qgf",
+ "7tan",
+ "6ph2",
+ "2y63",
+ "7kp7",
+ "3zuk",
+ "6kbb",
+ "2j14",
+ "1v9o",
+ "6rkm",
+ "1n22",
+ "5sq5",
+ "2l52",
+ "4dvv",
+ "2cla",
+ "1p0p",
+ "3ibb",
+ "5j1u",
+ "5o3k",
+ "7bsd",
+ "1ji6",
+ "5pht",
+ "3k8c",
+ "1dsn",
+ "3wc3",
+ "3ebd",
+ "4zyb",
+ "2hqs",
+ "4beg",
+ "4wsy",
+ "7ww8",
+ "1qxk",
+ "3tpq",
+ "3lzg",
+ "5h9x",
+ "2b2v",
+ "6kg8",
+ "3vl2",
+ "4g3c",
+ "6n6p",
+ "4trj",
+ "5mgy",
+ "1l41",
+ "2y6m",
+ "5mtn",
+ "3nem",
+ "1h9s",
+ "7z39",
+ "1hau",
+ "3di0",
+ "4pq6",
+ "3kqc",
+ "1m4r",
+ "4amn",
+ "6nwk",
+ "6e2w",
+ "1n5v",
+ "4fcj",
+ "7xjd",
+ "1nym",
+ "5xnw",
+ "1eh1",
+ "6goh",
+ "6r8a",
+ "4gn9",
+ "1nby",
+ "4gjt",
+ "4wfj",
+ "5lyp",
+ "6gtp",
+ "5vii",
+ "1fwc",
+ "6edi",
+ "5dom",
+ "2p2v",
+ "7tux",
+ "1o8m",
+ "6bfw",
+ "2bx6",
+ "5i5z",
+ "5hwy",
+ "4nhs",
+ "3s1f",
+ "1ezq",
+ "3b8n",
+ "5yww",
+ "6fht",
+ "2ykv",
+ "4xd9",
+ "4wey",
+ "7c1r",
+ "7b42",
+ "5a3y",
+ "1jt9",
+ "3c16",
+ "2ayv",
+ "4dd1",
+ "6iqi",
+ "1c8v",
+ "5f4y",
+ "6g0l",
+ "5dye",
+ "2fs6",
+ "1yuo",
+ "1qr8",
+ "1mra",
+ "1g3o",
+ "7f79",
+ "4caq",
+ "4aj0",
+ "5xx3",
+ "1cof",
+ "3gbe",
+ "2j8y",
+ "7aiv",
+ "5oyd",
+ "3jq8",
+ "3j1p",
+ "2bmd",
+ "5y2f",
+ "6qpo",
+ "7aqf",
+ "2zb3",
+ "5eym",
+ "2c9e",
+ "6lzv",
+ "6k3d",
+ "2eyn",
+ "4nwy",
+ "7tl3",
+ "7m43",
+ "4w6q",
+ "5nky",
+ "9api",
+ "4nb1",
+ "2pjf",
+ "6rly",
+ "5ozu",
+ "3qbc",
+ "6ngc",
+ "8d99",
+ "2d82",
+ "2r7t",
+ "6hnk",
+ "1v0k",
+ "7xzi",
+ "1hn0",
+ "3vfo",
+ "4p30",
+ "1xgu",
+ "6hkg",
+ "4g3v",
+ "3mxr",
+ "6xxo",
+ "3t4l",
+ "7kj1",
+ "1oui",
+ "7lpv",
+ "7e6x",
+ "3pg0",
+ "6gps",
+ "1a9n",
+ "2ivy",
+ "3ecx",
+ "1yeq",
+ "1ctw",
+ "4ezk",
+ "1i1a",
+ "5n4k",
+ "3mdr",
+ "5wkx",
+ "1bor",
+ "4n2q",
+ "3plu",
+ "6hqq",
+ "6mk5",
+ "7lk8",
+ "3p87",
+ "5pln",
+ "2fem",
+ "1xgs",
+ "7fjo",
+ "4n7v",
+ "7uhq",
+ "4j1w",
+ "1lm7",
+ "4zjw",
+ "7pcw",
+ "3nl5",
+ "5itz",
+ "5km4",
+ "3aff",
+ "8d4m",
+ "2c3q",
+ "5ayn",
+ "1xdl",
+ "2q80",
+ "1iam",
+ "4i9y",
+ "7byy",
+ "6ddg",
+ "1tns",
+ "5ldo",
+ "6l47",
+ "3l3r",
+ "1thd",
+ "3ncr",
+ "5k6v",
+ "7vph",
+ "1jf5",
+ "4jmh",
+ "4nwe",
+ "5y5y",
+ "3gei",
+ "2muh",
+ "1f9k",
+ "5w1a",
+ "6f53",
+ "2wi6",
+ "6aot",
+ "1xxm",
+ "7a9j",
+ "3o9c",
+ "3izo",
+ "3vga",
+ "3bvh",
+ "4nv6",
+ "2cnk",
+ "4xly",
+ "2m68",
+ "3nmo",
+ "3krj",
+ "3s9n",
+ "6fqb",
+ "1cmi",
+ "3w26",
+ "1zi6",
+ "1ntl",
+ "5kkj",
+ "8dzo",
+ "1qvt",
+ "3lgt",
+ "1o3p",
+ "5s36",
+ "1rrh",
+ "6y4y",
+ "5g2p",
+ "1ci6",
+ "3o4j",
+ "3v6b",
+ "1pbw",
+ "2nza",
+ "4fmg",
+ "5u8q",
+ "8dy2",
+ "2xh9",
+ "6o6y",
+ "4hz6",
+ "6id4",
+ "6rqa",
+ "3ch9",
+ "8dya",
+ "6jc3",
+ "7k6o",
+ "1ywu",
+ "5li8",
+ "1u11",
+ "1qz9",
+ "7ld7",
+ "7ux0",
+ "5kpe",
+ "4mzo",
+ "4iwn",
+ "6fj9",
+ "2z4e",
+ "3d69",
+ "6qzu",
+ "1sxt",
+ "4q0v",
+ "3wdw",
+ "4msa",
+ "7chv",
+ "7jpn",
+ "1f3v",
+ "4tyx",
+ "2xgl",
+ "1jum",
+ "1qth",
+ "7trd",
+ "6t1k",
+ "1fyt",
+ "2vim",
+ "8bcz",
+ "5r3t",
+ "5u9b",
+ "7rye",
+ "7cjj",
+ "6iyw",
+ "5xpw",
+ "2b3c",
+ "5m32",
+ "3r2v",
+ "3bon",
+ "2qys",
+ "3wgw",
+ "6m6d",
+ "5e1s",
+ "5odq",
+ "5v6t",
+ "2ggb",
+ "3ukl",
+ "4d3d",
+ "3byd",
+ "5ef7",
+ "3zmp",
+ "6zao",
+ "2xks",
+ "5dk5",
+ "1zwk",
+ "3f9k",
+ "3g5a",
+ "2anh",
+ "7qr9",
+ "6dym",
+ "4cg5",
+ "5scd",
+ "6vc3",
+ "5qim",
+ "5sq7",
+ "4gvf",
+ "3v6a",
+ "5oy2",
+ "8ay7",
+ "7u7y",
+ "1kla",
+ "7fo9",
+ "6bfa",
+ "4p8v",
+ "7wt4",
+ "7jxr",
+ "2kht",
+ "1quh",
+ "6kjh",
+ "1ukx",
+ "5o1c",
+ "3o8d",
+ "4da0",
+ "1kkb",
+ "2jyd",
+ "7z08",
+ "2hog",
+ "8bs7",
+ "2d41",
+ "4kkj",
+ "6grr",
+ "2x5t",
+ "2v9f",
+ "5ms2",
+ "1w4e",
+ "7atx",
+ "7zcv",
+ "3cg5",
+ "8i1e",
+ "6xab",
+ "6wl5",
+ "3tpt",
+ "1s54",
+ "5d85",
+ "2y72",
+ "1wtu",
+ "4z1b",
+ "1l30",
+ "2jti",
+ "3bbc",
+ "7oar",
+ "2rmb",
+ "5ru9",
+ "5nd7",
+ "5ckh",
+ "2r31",
+ "6ncp",
+ "3ktx",
+ "5qe6",
+ "1h68",
+ "9msi",
+ "2j9d",
+ "6qm2",
+ "1yni",
+ "1q3k",
+ "4cqu",
+ "3e0w",
+ "6s7r",
+ "4zth",
+ "6pa5",
+ "6p90",
+ "3enr",
+ "1ngb",
+ "2cuu",
+ "3fzr",
+ "4kdw",
+ "4x9b",
+ "2w8g",
+ "4rnv",
+ "7a2a",
+ "5th9",
+ "5o07",
+ "4xa1",
+ "3qix",
+ "4ks9",
+ "3ql1",
+ "4ot4",
+ "1q87",
+ "4fvz",
+ "6rtz",
+ "1r5k",
+ "1wo3",
+ "7oh0",
+ "6u58",
+ "1r4k",
+ "2l8b",
+ "6xpw",
+ "3qfu",
+ "3rzn",
+ "6qej",
+ "7pwu",
+ "1pi4",
+ "6exk",
+ "5kua",
+ "5muc",
+ "3hua",
+ "6i8s",
+ "5a03",
+ "5yyx",
+ "1qd0",
+ "4qqf",
+ "5i5y",
+ "2j6w",
+ "4dt7",
+ "5w4r",
+ "5ly1",
+ "3rmb",
+ "5qmo",
+ "1k6a",
+ "2hum",
+ "5e05",
+ "2cvp",
+ "6m2u",
+ "3b1p",
+ "5k9m",
+ "4bve",
+ "5wvn",
+ "4rj9",
+ "6cij",
+ "2q7l",
+ "2n9c",
+ "6u07",
+ "6qq5",
+ "2mta",
+ "3fuk",
+ "5fh9",
+ "7tzg",
+ "3kdd",
+ "4g79",
+ "5cwr",
+ "2cdh",
+ "5cui",
+ "4dzs",
+ "6nwd",
+ "3txi",
+ "7tkp",
+ "3vkz",
+ "1nq5",
+ "6k25",
+ "6pum",
+ "3sbc",
+ "1s1n",
+ "5jnb",
+ "1vom",
+ "4xyc",
+ "3fxx",
+ "6x6b",
+ "2w26",
+ "5lab",
+ "5ur7",
+ "5ayx",
+ "6hzm",
+ "6qes",
+ "1fqr",
+ "1eh3",
+ "3wdv",
+ "5p3k",
+ "2jwl",
+ "6a9v",
+ "3cw7",
+ "6s6q",
+ "1lpi",
+ "2xid",
+ "1ghh",
+ "1jfn",
+ "7el6",
+ "4rzb",
+ "3w5w",
+ "2h3k",
+ "3zj6",
+ "6uw6",
+ "4o7k",
+ "3lix",
+ "1rx1",
+ "5mqe",
+ "2xab",
+ "2d2x",
+ "8cvz",
+ "6jx2",
+ "1wnx",
+ "1grc",
+ "5x7b",
+ "3b7j",
+ "7bic",
+ "5a97",
+ "1ean",
+ "1kq3",
+ "2fjm",
+ "5k51",
+ "1w8w",
+ "6czl",
+ "6gdx",
+ "5ybn",
+ "4ytk",
+ "1t04",
+ "1b2g",
+ "5kg5",
+ "1fpg",
+ "6h4x",
+ "1hev",
+ "6t22",
+ "3o9f",
+ "6tu4",
+ "3rd2",
+ "5db7",
+ "5a6n",
+ "4i47",
+ "3byb",
+ "5dg5",
+ "6gie",
+ "6se8",
+ "6lhd",
+ "2fbt",
+ "3hmb",
+ "7jmo",
+ "2acy",
+ "2oxb",
+ "4ynd",
+ "6frn",
+ "3geh",
+ "4dg8",
+ "2y0f",
+ "4y7s",
+ "2xqv",
+ "3u4l",
+ "5udv",
+ "7csf",
+ "4c81",
+ "6omr",
+ "3k3t",
+ "2q6k",
+ "6u2j",
+ "5lgw",
+ "5h8w",
+ "4h1m",
+ "1q3t",
+ "3v5m",
+ "4off",
+ "5mzv",
+ "5bo6",
+ "5t4t",
+ "2w44",
+ "4v1x",
+ "6ycl",
+ "7tq5",
+ "5muw",
+ "2gey",
+ "2ij3",
+ "4fke",
+ "2yhf",
+ "4htn",
+ "2rr4",
+ "6iv3",
+ "2jzc",
+ "5ydn",
+ "2zqn",
+ "4pyh",
+ "2vyi",
+ "5cr2",
+ "5piw",
+ "5roh",
+ "6y2g",
+ "5v4y",
+ "7n7h",
+ "8ex3",
+ "2gc3",
+ "1vfa",
+ "1nek",
+ "1a3x",
+ "7u7f",
+ "3fqw",
+ "5wxl",
+ "6sz4",
+ "7oce",
+ "4kn0",
+ "1a44",
+ "5jgh",
+ "6u95",
+ "5byv",
+ "7xoy",
+ "1wn6",
+ "3ouj",
+ "6gyg",
+ "8elb",
+ "2qyk",
+ "4bss",
+ "5lk0",
+ "1e4e",
+ "5rg5",
+ "8d59",
+ "2x3n",
+ "3g3n",
+ "6o0k",
+ "7qkg",
+ "5xnp",
+ "8dz2",
+ "2y6t",
+ "1lem",
+ "2h1g",
+ "4c5l",
+ "6s8t",
+ "2xz6",
+ "4ehm",
+ "6x9v",
+ "3t3l",
+ "5tda",
+ "6w0s",
+ "3t6q",
+ "1q5f",
+ "6d0r",
+ "7vjq",
+ "6jyz",
+ "1yg6",
+ "4a5q",
+ "3zq5",
+ "7qk8",
+ "8ema",
+ "1gj7",
+ "1xfe",
+ "8dka",
+ "6qv1",
+ "7bfz",
+ "6u19",
+ "7ll8",
+ "7x7d",
+ "1opr",
+ "5lcn",
+ "3h0b",
+ "6mfp",
+ "7fs3",
+ "4pmy",
+ "4wbh",
+ "4htq",
+ "4cyk",
+ "3zla",
+ "1xqz",
+ "6n9g",
+ "1hih",
+ "4de6",
+ "3fa4",
+ "5ugk",
+ "7q2h",
+ "6wqx",
+ "6put",
+ "1ywi",
+ "2xug",
+ "4q90",
+ "6vvv",
+ "5bvf",
+ "3bw1",
+ "6mp9",
+ "6m2e",
+ "4rhj",
+ "4ktu",
+ "4cy5",
+ "3bxw",
+ "3d14",
+ "1kej",
+ "6lrj",
+ "1r3q",
+ "4ej5",
+ "5x6k",
+ "3tzy",
+ "7wik",
+ "3vst",
+ "1it8",
+ "6q8a",
+ "5nfp",
+ "2xhx",
+ "4mrf",
+ "2hgm",
+ "1bml",
+ "6wmp",
+ "8den",
+ "5m70",
+ "3gcg",
+ "2zry",
+ "7bz9",
+ "5jm4",
+ "3pbe",
+ "7f6e",
+ "2pl7",
+ "4bhm",
+ "5kn9",
+ "5o9q",
+ "5rex",
+ "7y9n",
+ "1pus",
+ "4bvb",
+ "4ds1",
+ "4igq",
+ "5wr5",
+ "4nzm",
+ "7pa0",
+ "4eq1",
+ "1ffs",
+ "5xgg",
+ "2ame",
+ "4g9m",
+ "3vm7",
+ "7x0e",
+ "6jx5",
+ "1dhm",
+ "1s4c",
+ "6p2p",
+ "6v96",
+ "3lim",
+ "7xsb",
+ "2vuy",
+ "4d80",
+ "3efc",
+ "6jl2",
+ "6vis",
+ "1gcu",
+ "6vgo",
+ "3g4o",
+ "2nam",
+ "2h3i",
+ "4l9y",
+ "3hz8",
+ "1px8",
+ "2hxz",
+ "3pzz",
+ "1qdc",
+ "3zqd",
+ "1ap5",
+ "3ap3",
+ "4mog",
+ "5mg0",
+ "4av0",
+ "6q1u",
+ "7k0l",
+ "2cg6",
+ "1u0h",
+ "6ov2",
+ "1sqb",
+ "5rts",
+ "3q4l",
+ "6daf",
+ "7vdl",
+ "3hi2",
+ "7s7i",
+ "5vbr",
+ "6etw",
+ "5enj",
+ "1xl0",
+ "6d5f",
+ "1zxm",
+ "4z6z",
+ "1gg9",
+ "7eao",
+ "7epd",
+ "4cug",
+ "3kbk",
+ "4ufl",
+ "1swq",
+ "6l4o",
+ "5lby",
+ "7ki4",
+ "3f19",
+ "4gj9",
+ "1f96",
+ "7znn",
+ "7jk3",
+ "2me3",
+ "7mlv",
+ "6av3",
+ "2n10",
+ "6j79",
+ "4nj5",
+ "4tye",
+ "3zga",
+ "7nox",
+ "6p8w",
+ "5ux6",
+ "7sj4",
+ "4l5l",
+ "6cec",
+ "7yya",
+ "6ifz",
+ "3arp",
+ "2vlr",
+ "5xdd",
+ "4ijv",
+ "6b9l",
+ "4dan",
+ "6iev",
+ "4zvt",
+ "3ou7",
+ "3gsm",
+ "5glv",
+ "5c3a",
+ "1xzl",
+ "7uzd",
+ "5kmf",
+ "5rli",
+ "1e2z",
+ "5axn",
+ "4r5b",
+ "1p0z",
+ "3iu9",
+ "1rg0",
+ "6ihv",
+ "3ts4",
+ "2zqm",
+ "1h7d",
+ "4afi",
+ "5x34",
+ "5bw8",
+ "4ifk",
+ "5ai9",
+ "4fne",
+ "1jty",
+ "6gza",
+ "4j3l",
+ "2o95",
+ "6ecr",
+ "2vkc",
+ "7u9c",
+ "5orf",
+ "1uz3",
+ "7d7d",
+ "1ebc",
+ "3g2z",
+ "7jkl",
+ "4hks",
+ "5e6o",
+ "1u3q",
+ "6g3a",
+ "1j24",
+ "4ilj",
+ "3te1",
+ "1sde",
+ "3le2",
+ "3t9d",
+ "2z4u",
+ "2lcs",
+ "3gtc",
+ "2pc8",
+ "5jbf",
+ "3g1b",
+ "6j2z",
+ "7y0c",
+ "3r4c",
+ "7lu1",
+ "6x1i",
+ "2pdm",
+ "4h6j",
+ "5aj1",
+ "6b1c",
+ "1lu9",
+ "5oin",
+ "6oyv",
+ "5p10",
+ "3c7t",
+ "7rp8",
+ "1inu",
+ "6dn8",
+ "5oj0",
+ "1eya",
+ "5v31",
+ "4rpg",
+ "4gn7",
+ "4znt",
+ "2qzs",
+ "4rjf",
+ "4f2w",
+ "2pjj",
+ "5whx",
+ "1w1v",
+ "1ibh",
+ "7det",
+ "5h3g",
+ "3vsy",
+ "1jsh",
+ "5cl9",
+ "4j7e",
+ "1r2t",
+ "6lw1",
+ "3djv",
+ "5bug",
+ "4mx0",
+ "4h79",
+ "7sur",
+ "1brg",
+ "7rgw",
+ "6peo",
+ "4cfd",
+ "1kbl",
+ "5dnl",
+ "3dgd",
+ "3dji",
+ "1w2c",
+ "1dhf",
+ "4xmg",
+ "4am4",
+ "4a02",
+ "6x01",
+ "2k9f",
+ "2q0c",
+ "5e0z",
+ "1d2n",
+ "7bu2",
+ "3sjx",
+ "4jrx",
+ "6few",
+ "3lgy",
+ "6yeg",
+ "7w89",
+ "6hgs",
+ "7lob",
+ "1k9x",
+ "4tz1",
+ "5w0c",
+ "3kyl",
+ "3he3",
+ "5thn",
+ "1ppj",
+ "7p7c",
+ "6j1n",
+ "6ytq",
+ "6yq5",
+ "2rm4",
+ "7cc7",
+ "4m4s",
+ "3cqr",
+ "4zyi",
+ "5jtr",
+ "5m15",
+ "2iak",
+ "7wmd",
+ "4rwi",
+ "1xro",
+ "3vol",
+ "2xwh",
+ "7wsi",
+ "2ds5",
+ "6y4u",
+ "4i8v",
+ "6oyl",
+ "7qmu",
+ "1qmr",
+ "6gjl",
+ "3hzr",
+ "4f6h",
+ "2gtd",
+ "1br0",
+ "6ybk",
+ "5qea",
+ "3vl6",
+ "3rs5",
+ "3n0c",
+ "1yuc",
+ "1hw6",
+ "1d8j",
+ "5vmp",
+ "5wsy",
+ "6epd",
+ "4ghg",
+ "5rcw",
+ "4pae",
+ "6z6a",
+ "3n4x",
+ "3fu3",
+ "1qmf",
+ "3f7k",
+ "7w40",
+ "7sf4",
+ "3tq6",
+ "5uxf",
+ "5psp",
+ "7o8p",
+ "6dmj",
+ "2gn8",
+ "2aow",
+ "3tgf",
+ "1rvx",
+ "2w3g",
+ "4x9m",
+ "2fws",
+ "7sgq",
+ "1hjb",
+ "7f1v",
+ "1pvo",
+ "1ax9",
+ "4use",
+ "1r5q",
+ "7cb0",
+ "1f2q",
+ "6z3x",
+ "6y17",
+ "3der",
+ "2ive",
+ "5rvn",
+ "6t4x",
+ "2xx9",
+ "3rh6",
+ "5loq",
+ "5mqt",
+ "7rpr",
+ "6wp5",
+ "1l8s",
+ "7lex",
+ "4jo9",
+ "1r9k",
+ "6h8m",
+ "4k02",
+ "1ik8",
+ "3bjc",
+ "7m8o",
+ "2zu2",
+ "3wsu",
+ "1nba",
+ "4usx",
+ "6ssn",
+ "8dcr",
+ "3bce",
+ "1g2x",
+ "6ujz",
+ "5phf",
+ "6i8j",
+ "2ux6",
+ "5t1u",
+ "1kwm",
+ "6qvb",
+ "4i4e",
+ "2r61",
+ "2he8",
+ "2rma",
+ "7t38",
+ "6fdu",
+ "2a49",
+ "6era",
+ "1anu",
+ "8daj",
+ "3v0u",
+ "5j3t",
+ "3b32",
+ "3ezj",
+ "6gqj",
+ "2pet",
+ "1mxt",
+ "5g3n",
+ "3vv8",
+ "1dm5",
+ "6huu",
+ "3dlz",
+ "5f49",
+ "5prm",
+ "3fqc",
+ "1m8x",
+ "3tdl",
+ "7bc2",
+ "7o2g",
+ "7d5a",
+ "3f35",
+ "5dpq",
+ "7sxe",
+ "5s2e",
+ "2cmf",
+ "5cj3",
+ "5pqi",
+ "8f70",
+ "4gpo",
+ "5m2m",
+ "6qzi",
+ "1i7k",
+ "1ly2",
+ "4uoz",
+ "6sxt",
+ "7rai",
+ "2alv",
+ "4b6v",
+ "3bw3",
+ "6f4b",
+ "5r19",
+ "7b5w",
+ "7o12",
+ "2gek",
+ "3fao",
+ "1o6o",
+ "2xyy",
+ "5jqp",
+ "3ebc",
+ "2c1j",
+ "1p3r",
+ "3eta",
+ "1xwc",
+ "3tbo",
+ "4ud4",
+ "6fa9",
+ "3egh",
+ "4avh",
+ "4dy7",
+ "3iit",
+ "8dj0",
+ "6djp",
+ "3cey",
+ "6h8f",
+ "5eh5",
+ "4c7j",
+ "1wvo",
+ "6inm",
+ "1pil",
+ "7ecr",
+ "5j55",
+ "6nps",
+ "4x2r",
+ "4ke4",
+ "6mhw",
+ "3gr1",
+ "1pk9",
+ "2j6c",
+ "1acw",
+ "7eyt",
+ "1lpg",
+ "4txh",
+ "3idv",
+ "1jez",
+ "7dyi",
+ "2yao",
+ "4i1a",
+ "5a3n",
+ "6sq5",
+ "5u7b",
+ "3sr2",
+ "3e5x",
+ "3wrx",
+ "7cd6",
+ "5c42",
+ "1owh",
+ "2c6h",
+ "4p45",
+ "1bpi",
+ "1o9i",
+ "5omr",
+ "4cii",
+ "4aq0",
+ "5oog",
+ "6hhb",
+ "6rv9",
+ "2ak0",
+ "6s4e",
+ "1cnv",
+ "1oi8",
+ "5kn5",
+ "7z4a",
+ "1hmt",
+ "3di1",
+ "2rpi",
+ "6qnt",
+ "1xuz",
+ "6ois",
+ "5u9a",
+ "1xzj",
+ "2x4j",
+ "1dmg",
+ "3ayw",
+ "7dev",
+ "1uh0",
+ "6tz3",
+ "2gzu",
+ "6ry6",
+ "6f0f",
+ "6qy0",
+ "6fmx",
+ "4ymx",
+ "2ezz",
+ "7oro",
+ "6np2",
+ "6d40",
+ "1bwl",
+ "7vio",
+ "3g0e",
+ "5r8o",
+ "1ey4",
+ "3hzg",
+ "4per",
+ "5ldp",
+ "4tu4",
+ "4tro",
+ "5tke",
+ "2nxb",
+ "6rwj",
+ "7ecs",
+ "4jfd",
+ "1z78",
+ "1f4q",
+ "2pxp",
+ "2uv7",
+ "6zj9",
+ "4prp",
+ "1rh7",
+ "8fws",
+ "4d6u",
+ "5e90",
+ "5zqq",
+ "6ssh",
+ "3dry",
+ "1z87",
+ "3iqc",
+ "5oae",
+ "4fgg",
+ "6l70",
+ "7ryo",
+ "2fbk",
+ "6aye",
+ "1ft5",
+ "4pgo",
+ "2kl2",
+ "4bm3",
+ "4gkz",
+ "6xqk",
+ "4tzk",
+ "7yy0",
+ "7cum",
+ "1gg8",
+ "4dz0",
+ "6mso",
+ "3fvg",
+ "2wfn",
+ "7lku",
+ "4ao9",
+ "5s30",
+ "6xbl",
+ "4zi3",
+ "4nre",
+ "6pp2",
+ "1rrf",
+ "1o0f",
+ "3jvg",
+ "2cnh",
+ "3drz",
+ "6fpu",
+ "3q17",
+ "7ahm",
+ "3zjl",
+ "2uzf",
+ "5rfz",
+ "7bty",
+ "3fhk",
+ "5fnh",
+ "3a2a",
+ "5kp6",
+ "7fs2",
+ "6eq0",
+ "1amc",
+ "5aiq",
+ "6tdd",
+ "8fiy",
+ "4j6g",
+ "1alg",
+ "1gs4",
+ "7m4n",
+ "5nx4",
+ "7jpo",
+ "7sxd",
+ "5n6f",
+ "5pdh",
+ "2fmk",
+ "4zxl",
+ "4arg",
+ "8e27",
+ "5lex",
+ "6xhg",
+ "3gut",
+ "4dpp",
+ "3vfa",
+ "1vz3",
+ "6y2h",
+ "5mcz",
+ "4ema",
+ "7e5q",
+ "4mop",
+ "2bbl",
+ "3iea",
+ "5t77",
+ "7p5e",
+ "5eph",
+ "5pl3",
+ "2zxl",
+ "6wrv",
+ "7bsj",
+ "3ur8",
+ "1lz6",
+ "3n6c",
+ "2ts1",
+ "5avi",
+ "6ze3",
+ "3s9f",
+ "2li3",
+ "2hl3",
+ "6zlk",
+ "5y90",
+ "3rll",
+ "7yhp",
+ "3r2r",
+ "6vn2",
+ "1lf5",
+ "4uec",
+ "5vjw",
+ "5gpb",
+ "4pi3",
+ "5e0l",
+ "4une",
+ "6bou",
+ "5pr9",
+ "1rpw",
+ "5qnl",
+ "4ab3",
+ "4i9a",
+ "4i4i",
+ "5vzj",
+ "2puk",
+ "8h6d",
+ "4cil",
+ "5mhy",
+ "2w48",
+ "1hxu",
+ "6vrl",
+ "3v2x",
+ "4r08",
+ "2qnj",
+ "5sou",
+ "6i23",
+ "1ycr",
+ "3dhf",
+ "2lt1",
+ "7r3l",
+ "3kn6",
+ "2rrn",
+ "3b3t",
+ "5n6a",
+ "1ll6",
+ "2p8c",
+ "4l1l",
+ "5lrg",
+ "4ozv",
+ "6l6z",
+ "5yi8",
+ "5ed0",
+ "2mpe",
+ "5dzf",
+ "4jlw",
+ "1s8n",
+ "2x3l",
+ "2igm",
+ "5yqt",
+ "5jwb",
+ "4ugm",
+ "4agj",
+ "3qz7",
+ "3ucp",
+ "2r79",
+ "5u9w",
+ "4qb6",
+ "3mqk",
+ "4gux",
+ "6xth",
+ "5iu8",
+ "1nwe",
+ "6d9i",
+ "4ang",
+ "4fpl",
+ "1mjc",
+ "3jbw",
+ "3dsi",
+ "7qyu",
+ "6p07",
+ "6mko",
+ "2ayi",
+ "5pqw",
+ "5xc8",
+ "1ed7",
+ "3hw9",
+ "3f31",
+ "7wa1",
+ "1r39",
+ "3nh5",
+ "7ess",
+ "4bx4",
+ "2xmd",
+ "4c7g",
+ "1mrg",
+ "6im9",
+ "4rm4",
+ "3o33",
+ "2c3w",
+ "2gh9",
+ "6a0i",
+ "5pc7",
+ "6u4u",
+ "2hmj",
+ "3soi",
+ "2cj9",
+ "6fxn",
+ "4xo9",
+ "6l31",
+ "4kpx",
+ "4ym5",
+ "3mie",
+ "4moe",
+ "6vls",
+ "2co7",
+ "5b7e",
+ "5wyh",
+ "7dpu",
+ "2znl",
+ "5dvl",
+ "1aeu",
+ "7ynw",
+ "2jhz",
+ "6ejn",
+ "2ful",
+ "7b7h",
+ "3inm",
+ "3rvf",
+ "5d18",
+ "3gly",
+ "1pxe",
+ "4imb",
+ "6viv",
+ "7qst",
+ "4bnx",
+ "1m0m",
+ "5e5j",
+ "7lj1",
+ "4jeb",
+ "5ncc",
+ "7vl2",
+ "2p5e",
+ "4lqy",
+ "6oro",
+ "3lgm",
+ "5lh0",
+ "3rbl",
+ "5ond",
+ "6mgc",
+ "2wz6",
+ "6mqw",
+ "1zz8",
+ "1n8s",
+ "5i6n",
+ "5te8",
+ "3uvq",
+ "6ep4",
+ "3g0v",
+ "1utz",
+ "1gp9",
+ "4cpm",
+ "5yaz",
+ "1il4",
+ "1uxn",
+ "7ryn",
+ "1y51",
+ "1i6s",
+ "3o21",
+ "3dy4",
+ "7rnt",
+ "2za3",
+ "4xxr",
+ "1dzi",
+ "1svj",
+ "5hs3",
+ "6x4x",
+ "2rrl",
+ "2mlb",
+ "6veo",
+ "6k73",
+ "2q1j",
+ "5k3o",
+ "6opo",
+ "3txq",
+ "7m2z",
+ "6bux",
+ "2xtn",
+ "8ebr",
+ "1otv",
+ "5x13",
+ "6w9m",
+ "6chn",
+ "7tn6",
+ "5w37",
+ "2wqr",
+ "4jo6",
+ "7dc5",
+ "4xkh",
+ "5b1q",
+ "7cmg",
+ "3vbb",
+ "7ne0",
+ "6h38",
+ "1s2e",
+ "7og5",
+ "3iwk",
+ "4tri",
+ "1ity",
+ "5vp3",
+ "3bgm",
+ "5buq",
+ "7wlw",
+ "2mao",
+ "7u2x",
+ "5nkj",
+ "6ud7",
+ "3ffd",
+ "2x4l",
+ "6i28",
+ "5ovu",
+ "7p73",
+ "6o0d",
+ "4n9y",
+ "1y0z",
+ "4idv",
+ "4z6l",
+ "1frm",
+ "7uf9",
+ "5cq2",
+ "6q01",
+ "7m94",
+ "5h5a",
+ "1yq3",
+ "4i92",
+ "4jk4",
+ "2qrn",
+ "6jn2",
+ "4z0s",
+ "7mpq",
+ "4y3k",
+ "1k2n",
+ "7nhf",
+ "7oki",
+ "7r74",
+ "3uva",
+ "7lyh",
+ "2w0k",
+ "1l7k",
+ "8a35",
+ "3e54",
+ "3u6k",
+ "1fsv",
+ "2b2f",
+ "6d05",
+ "2c6w",
+ "4q7i",
+ "2reh",
+ "3t6w",
+ "6on5",
+ "2gg7",
+ "5p4v",
+ "7sea",
+ "5f9u",
+ "4m1r",
+ "7cap",
+ "5pmr",
+ "4mmk",
+ "6sfh",
+ "2ick",
+ "1itz",
+ "3bw7",
+ "2y4n",
+ "5j2b",
+ "6sir",
+ "4b8j",
+ "4xbn",
+ "4hvi",
+ "5dk8",
+ "1f7r",
+ "1vc6",
+ "6d18",
+ "5mir",
+ "6tt1",
+ "6r31",
+ "4gyl",
+ "1wu1",
+ "5glo",
+ "8dch",
+ "1b0x",
+ "2n97",
+ "3ch6",
+ "6vg4",
+ "1g2t",
+ "7ut0",
+ "1aab",
+ "6d3k",
+ "5fkl",
+ "8dz9",
+ "3f3g",
+ "3cir",
+ "2h7s",
+ "2fdp",
+ "1v4l",
+ "3dti",
+ "6y6c",
+ "2alj",
+ "5coe",
+ "4o5q",
+ "7tvc",
+ "1fl5",
+ "5spo",
+ "3sjo",
+ "1qxz",
+ "5bjs",
+ "6oy3",
+ "3uth",
+ "7s7s",
+ "7s9b",
+ "6bgm",
+ "4dpr",
+ "5ugd",
+ "5tvx",
+ "2yar",
+ "2ppc",
+ "7t32",
+ "5cbq",
+ "3znn",
+ "3ggf",
+ "3ru1",
+ "1ucx",
+ "3x07",
+ "1u0e",
+ "5xyz",
+ "6ppl",
+ "6wxx",
+ "4mln",
+ "5jqg",
+ "3e2k",
+ "3gcb",
+ "7jti",
+ "2h4h",
+ "2bh8",
+ "2ay5",
+ "3x0i",
+ "4ocu",
+ "6gpy",
+ "5ura",
+ "1kr2",
+ "1ffq",
+ "6bc3",
+ "1w6s",
+ "4wh9",
+ "3o4g",
+ "1fva",
+ "5s31",
+ "1wqh",
+ "6eli",
+ "2qx4",
+ "5f88",
+ "4zpv",
+ "3qdo",
+ "188l",
+ "1oyu",
+ "4oi7",
+ "1x1z",
+ "7nu3",
+ "2p15",
+ "3dhi",
+ "3n26",
+ "2oxt",
+ "1jeq",
+ "1twi",
+ "3i4u",
+ "5xc4",
+ "7ew1",
+ "2vei",
+ "5tyd",
+ "5aaq",
+ "6zbm",
+ "1gwh",
+ "5pec",
+ "3swz",
+ "4cfk",
+ "1uky",
+ "7mxa",
+ "6i2z",
+ "5flh",
+ "8ag2",
+ "3jbm",
+ "6t32",
+ "6ixq",
+ "3v8t",
+ "6gce",
+ "7xps",
+ "7ci9",
+ "5v72",
+ "5i4b",
+ "8a0e",
+ "7lfw",
+ "2pdy",
+ "1zzp",
+ "4k8f",
+ "1eus",
+ "5ku1",
+ "5c18",
+ "1r9z",
+ "5j3x",
+ "6o6g",
+ "2nao",
+ "7ctq",
+ "2uvg",
+ "5dqr",
+ "6pv4",
+ "3wel",
+ "1cjv",
+ "2k1j",
+ "7erc",
+ "3q3u",
+ "1fkw",
+ "4x5i",
+ "4plh",
+ "6gju",
+ "2kfs",
+ "4c4t",
+ "6i5r",
+ "3mlq",
+ "3kjd",
+ "5rou",
+ "6le9",
+ "4ygo",
+ "6wsb",
+ "7qak",
+ "3vgt",
+ "4zij",
+ "7k4y",
+ "1qfp",
+ "6ubo",
+ "7u9u",
+ "4zyl",
+ "2vhi",
+ "3iaz",
+ "4num",
+ "5s47",
+ "6okd",
+ "6nx3",
+ "3nqs",
+ "6hj5",
+ "6adw",
+ "4jrz",
+ "1exf",
+ "5tnj",
+ "6qf7",
+ "4bkx",
+ "1cje",
+ "5yvi",
+ "4xx8",
+ "2caz",
+ "4bby",
+ "2wzt",
+ "4awb",
+ "3lit",
+ "1a58",
+ "2e3i",
+ "3ml6",
+ "4lb5",
+ "1tkn",
+ "4to4",
+ "2v5v",
+ "6y87",
+ "7p2u",
+ "6us6",
+ "3sun",
+ "4u1b",
+ "3qxu",
+ "6e4l",
+ "1l02",
+ "5if4",
+ "1t24",
+ "3dzo",
+ "6z4w",
+ "6ifl",
+ "5v2z",
+ "1of4",
+ "2w2d",
+ "2mgm",
+ "5po8",
+ "1igl",
+ "1emw",
+ "1a41",
+ "7bsm",
+ "7ame",
+ "1u0x",
+ "3t14",
+ "3ozr",
+ "5px6",
+ "1iy3",
+ "6jd1",
+ "6xo2",
+ "6etq",
+ "1c7b",
+ "6wu2",
+ "7q6m",
+ "7vya",
+ "3mgc",
+ "5dzb",
+ "2jto",
+ "2am3",
+ "1u55",
+ "5lx6",
+ "9gaf",
+ "2amx",
+ "3foo",
+ "6ngs",
+ "3czl",
+ "6dnk",
+ "2mxe",
+ "5jol",
+ "1b0d",
+ "2ml1",
+ "2v2u",
+ "1qy3",
+ "4e2u",
+ "6zua",
+ "7jk2",
+ "2iki",
+ "1t8n",
+ "4mm4",
+ "1hqx",
+ "7kim",
+ "2iun",
+ "5vq6",
+ "2wqx",
+ "6eoe",
+ "6klv",
+ "6e3u",
+ "1ngj",
+ "1sjj",
+ "7fid",
+ "4qwa",
+ "3dw8",
+ "4crg",
+ "4nk7",
+ "1k74",
+ "7uf5",
+ "3a8p",
+ "6gn8",
+ "1eou",
+ "1g5b",
+ "6ocr",
+ "3c5g",
+ "3fw4",
+ "3ctn",
+ "3b92",
+ "1e1s",
+ "1ppi",
+ "4xua",
+ "2aeb",
+ "7lel",
+ "6ga1",
+ "6mp0",
+ "5sa2",
+ "1i6i",
+ "2a7t",
+ "1kfk",
+ "2w16",
+ "5fgn",
+ "6mjy",
+ "3wrt",
+ "2ahf",
+ "1fes",
+ "4mt6",
+ "1a1b",
+ "1cxc",
+ "6ri0",
+ "6qur",
+ "4m17",
+ "6n4f",
+ "6u23",
+ "7r7r",
+ "7esn",
+ "3d03",
+ "5n1w",
+ "5ij0",
+ "6fzu",
+ "3wuw",
+ "7rnf",
+ "6cvt",
+ "6thf",
+ "3ail",
+ "4ju2",
+ "5e4o",
+ "4qz8",
+ "5kva",
+ "1nno",
+ "8atc",
+ "7b30",
+ "5lot",
+ "1c9u",
+ "5m4h",
+ "6hbc",
+ "6tau",
+ "2cbs",
+ "1tps",
+ "4g7n",
+ "2cfb",
+ "4r2l",
+ "5jkt",
+ "6s7i",
+ "6nso",
+ "7fh0",
+ "6wai",
+ "1pv7",
+ "1m4i",
+ "4g6j",
+ "6bv0",
+ "4ecs",
+ "1ij5",
+ "4hxd",
+ "3rdq",
+ "6b9j",
+ "3gpm",
+ "1as4",
+ "7bsx",
+ "7cbk",
+ "3vl8",
+ "5u4r",
+ "1mbz",
+ "6i97",
+ "1rvs",
+ "3wty",
+ "1pip",
+ "1e0w",
+ "4ny2",
+ "2zw0",
+ "6aic",
+ "4lak",
+ "5vqd",
+ "2p3d",
+ "7dl8",
+ "3hac",
+ "2z7g",
+ "7k87",
+ "7p3n",
+ "3whq",
+ "4bsa",
+ "1muo",
+ "6q8h",
+ "6h86",
+ "3al3",
+ "4gn8",
+ "2xm5",
+ "7wij",
+ "4e9f",
+ "4u8f",
+ "5gi4",
+ "2hxl",
+ "2xi5",
+ "8i1h",
+ "4fck",
+ "2i7v",
+ "2za5",
+ "4xkf",
+ "4x8k",
+ "5r7y",
+ "6u49",
+ "6yw9",
+ "5s2z",
+ "2rf5",
+ "2low",
+ "4ja8",
+ "7fks",
+ "3smn",
+ "7by6",
+ "2a70",
+ "4bu7",
+ "1s3o",
+ "5yz1",
+ "2gg0",
+ "6g0x",
+ "7dw5",
+ "3doh",
+ "2v2l",
+ "1rjf",
+ "1f3m",
+ "6ia6",
+ "2w86",
+ "5c22",
+ "5cz8",
+ "6f30",
+ "4y14",
+ "2z3p",
+ "6pht",
+ "2zj9",
+ "6b0l",
+ "2vz6",
+ "4j9r",
+ "7ojw",
+ "3zvb",
+ "4dpk",
+ "1ffc",
+ "7rww",
+ "2ht4",
+ "5trv",
+ "3qli",
+ "5xfj",
+ "1w9q",
+ "4mjw",
+ "5ddr",
+ "7r4j",
+ "6v3z",
+ "4zv1",
+ "1g2s",
+ "5h14",
+ "4mxd",
+ "7eht",
+ "1okb",
+ "6vnq",
+ "4ulw",
+ "7b7i",
+ "4ngr",
+ "1dgr",
+ "3np8",
+ "4hwv",
+ "2vb5",
+ "7zlc",
+ "5e1r",
+ "6tgw",
+ "6ns4",
+ "6cqa",
+ "5pce",
+ "2x1t",
+ "1db2",
+ "6lri",
+ "1db4",
+ "6qg1",
+ "6sbq",
+ "4rur",
+ "8a4l",
+ "1qi8",
+ "4how",
+ "2y7k",
+ "6z8k",
+ "2bmb",
+ "4hdt",
+ "3j4k",
+ "1e6a",
+ "4e3s",
+ "1fw5",
+ "2rea",
+ "1kac",
+ "1qyd",
+ "3wxo",
+ "1rq9",
+ "2mhv",
+ "5l6v",
+ "7qwl",
+ "6o78",
+ "2xhb",
+ "5oyw",
+ "2lqc",
+ "1rqn",
+ "1igz",
+ "4q3h",
+ "5sqj",
+ "4y8r",
+ "4b9e",
+ "1gyj",
+ "3qdk",
+ "5oy3",
+ "7tte",
+ "4boz",
+ "6ngb",
+ "3afk",
+ "6jmk",
+ "6d7p",
+ "3d76",
+ "6ngj",
+ "7cit",
+ "3ca5",
+ "3w06",
+ "5xif",
+ "4mr4",
+ "2i6z",
+ "5txz",
+ "5iey",
+ "3k0p",
+ "1qt7",
+ "1rn8",
+ "4erg",
+ "4jdw",
+ "7mjx",
+ "6xf2",
+ "2vmg",
+ "6ts6",
+ "6xa4",
+ "3s8x",
+ "3gus",
+ "5oc6",
+ "6pko",
+ "7wzs",
+ "3jx7",
+ "1qfj",
+ "4i5b",
+ "6yr9",
+ "5fpz",
+ "7bsn",
+ "6pd4",
+ "4hp9",
+ "5mov",
+ "6zov",
+ "4lbk",
+ "2n2l",
+ "5pdm",
+ "2bl4",
+ "2j48",
+ "3prf",
+ "4inp",
+ "7l15",
+ "3qw7",
+ "5sba",
+ "1xkz",
+ "6dpo",
+ "5nmo",
+ "4cyh",
+ "5w50",
+ "2na9",
+ "5grf",
+ "3q99",
+ "3un8",
+ "7luk",
+ "4y98",
+ "2xh8",
+ "6dwm",
+ "3wcm",
+ "7ay2",
+ "2xa6",
+ "2v7i",
+ "1ay5",
+ "1e6z",
+ "6h0p",
+ "3l3k",
+ "2ork",
+ "2wmm",
+ "6w06",
+ "2lal",
+ "1zad",
+ "5dgr",
+ "6gaa",
+ "3pgq",
+ "3oun",
+ "1gcv",
+ "4feh",
+ "4xbh",
+ "1kzl",
+ "3bah",
+ "6wwr",
+ "6sd3",
+ "1bu9",
+ "2bxa",
+ "6y22",
+ "6d69",
+ "7uv8",
+ "5r3d",
+ "3k6d",
+ "7ydt",
+ "6a8m",
+ "5p1z",
+ "3ex7",
+ "1u8c",
+ "1u8i",
+ "3rsj",
+ "4wq6",
+ "2jjt",
+ "5xt0",
+ "1l14",
+ "6uh6",
+ "6gbg",
+ "6rlg",
+ "3ey9",
+ "5hmo",
+ "1dbo",
+ "1kzw",
+ "1mm5",
+ "3cl2",
+ "1oas",
+ "4mcx",
+ "6vrr",
+ "2xny",
+ "4kwv",
+ "1i1h",
+ "6ldq",
+ "2f30",
+ "1djn",
+ "6yco",
+ "2xd3",
+ "5yse",
+ "3cxv",
+ "1r2b",
+ "6wt6",
+ "4f7j",
+ "2rgd",
+ "1ofz",
+ "1cdj",
+ "6uhz",
+ "7ue2",
+ "2jp7",
+ "1ngz",
+ "3zxx",
+ "6i8o",
+ "7b7t",
+ "5gzr",
+ "6jb0",
+ "5w75",
+ "1xwd",
+ "1c3f",
+ "2qa6",
+ "3ntz",
+ "6jtb",
+ "6jhe",
+ "2wct",
+ "7saa",
+ "6hnb",
+ "1re0",
+ "7kb9",
+ "5n8f",
+ "4rga",
+ "6avx",
+ "7ldl",
+ "6fnh",
+ "6ow3",
+ "5pkr",
+ "6ehc",
+ "6in8",
+ "8cwl",
+ "5af1",
+ "2boh",
+ "4y29",
+ "4fg8",
+ "5zkg",
+ "6ucv",
+ "2pey",
+ "5znp",
+ "5lf6",
+ "3ri7",
+ "5oz7",
+ "5v5w",
+ "1q8x",
+ "4ekv",
+ "7b1h",
+ "2ypy",
+ "1p77",
+ "5g5j",
+ "4keb",
+ "5h7h",
+ "4r2a",
+ "1edi",
+ "1cvn",
+ "5d6i",
+ "2wpa",
+ "4x0y",
+ "1gev",
+ "5fth",
+ "6qrl",
+ "2r99",
+ "1rq2",
+ "1zjk",
+ "1yv2",
+ "7wy4",
+ "1ss1",
+ "4f3d",
+ "8a21",
+ "5t0i",
+ "4j1a",
+ "4f11",
+ "7uo5",
+ "7e1v",
+ "3ogg",
+ "4whp",
+ "3tee",
+ "1qkh",
+ "5zvm",
+ "6tn6",
+ "1ijj",
+ "1c85",
+ "6ohr",
+ "6bbn",
+ "5mzh",
+ "1o00",
+ "5gzk",
+ "3mj8",
+ "6dlw",
+ "6qcw",
+ "5dms",
+ "2ki0",
+ "1msd",
+ "2c8i",
+ "6f3j",
+ "1tja",
+ "1rwh",
+ "1bv9",
+ "6sq8",
+ "1ve9",
+ "4k2c",
+ "3gpa",
+ "1pg3",
+ "6dj9",
+ "5sp1",
+ "6pw1",
+ "2p1l",
+ "7sw8",
+ "4hie",
+ "4hk9",
+ "6s2u",
+ "3vna",
+ "5l5i",
+ "2qxf",
+ "3dgq",
+ "6lp1",
+ "7yqc",
+ "4k4d",
+ "4cgz",
+ "1ra0",
+ "5sqo",
+ "1ya4",
+ "2ld5",
+ "1lcj",
+ "2z9y",
+ "4z2i",
+ "5l2s",
+ "6id9",
+ "5d28",
+ "2xlr",
+ "5thr",
+ "5h8b",
+ "2e0z",
+ "3fgn",
+ "4kr0",
+ "4hzg",
+ "2ji9",
+ "5h9r",
+ "7aur",
+ "6rd7",
+ "4w6e",
+ "5m4f",
+ "6tck",
+ "5hik",
+ "3vnt",
+ "6xt4",
+ "6ivo",
+ "3d9z",
+ "5e8o",
+ "2fv9",
+ "1u4m",
+ "4lt5",
+ "6wqp",
+ "4qzw",
+ "7ngh",
+ "3k8s",
+ "3ahv",
+ "5k4h",
+ "3f22",
+ "2k74",
+ "6cd5",
+ "5hm2",
+ "6dfs",
+ "7oz1",
+ "5wgx",
+ "3vsz",
+ "5h9s",
+ "1ec7",
+ "4fvx",
+ "6z68",
+ "6tdg",
+ "6orq",
+ "1skf",
+ "1yyw",
+ "1pk0",
+ "2c2e",
+ "2yyk",
+ "5sab",
+ "2z5v",
+ "1ex2",
+ "7jx7",
+ "7t0b",
+ "5h34",
+ "8a9i",
+ "1cde",
+ "7q8w",
+ "7sja",
+ "2jwa",
+ "1wqs",
+ "8eqb",
+ "7wku",
+ "1e3f",
+ "6kbj",
+ "7wz5",
+ "5wdu",
+ "4bgx",
+ "5z2c",
+ "6lfj",
+ "6kj6",
+ "6bio",
+ "5b5j",
+ "4iff",
+ "1m8v",
+ "2nyp",
+ "6cw8",
+ "5itp",
+ "1jib",
+ "4jmu",
+ "1fq4",
+ "8ea4",
+ "3emb",
+ "3g46",
+ "6cmw",
+ "1cv4",
+ "2ccx",
+ "3d4j",
+ "7xyx",
+ "5keq",
+ "3zdz",
+ "7d48",
+ "4xq8",
+ "1jb5",
+ "1e8f",
+ "7adn",
+ "5c6r",
+ "6p88",
+ "6sbu",
+ "4d5a",
+ "5qlu",
+ "3nef",
+ "1k5g",
+ "1jtv",
+ "6hdb",
+ "1d8f",
+ "2vx4",
+ "4buz",
+ "3piq",
+ "3syc",
+ "4xze",
+ "8hfo",
+ "2l53",
+ "3pkw",
+ "4hl6",
+ "4kyq",
+ "6wl4",
+ "3mwu",
+ "5vb5",
+ "5ta5",
+ "1m1g",
+ "2xdf",
+ "1ak8",
+ "2hz6",
+ "1yzi",
+ "7teh",
+ "2je7",
+ "6fqy",
+ "2o1x",
+ "4jao",
+ "7uja",
+ "3e34",
+ "2ayn",
+ "7vgt",
+ "4x22",
+ "4uz5",
+ "7ahb",
+ "2bce",
+ "2rgc",
+ "2fma",
+ "2zy3",
+ "1yer",
+ "3e1o",
+ "3n1g",
+ "2d3r",
+ "4xab",
+ "2bc8",
+ "1u9k",
+ "5j2c",
+ "7pft",
+ "3sxu",
+ "6v6v",
+ "2pus",
+ "6w1a",
+ "7s5q",
+ "3n9o",
+ "1bqx",
+ "7m0t",
+ "5cl4",
+ "1ugx",
+ "1yju",
+ "1hij",
+ "3zid",
+ "1w2r",
+ "6qlt",
+ "3vii",
+ "1me7",
+ "1agq",
+ "4gu3",
+ "1bhc",
+ "4uzu",
+ "6qru",
+ "4q97",
+ "7wpz",
+ "8dqx",
+ "2dso",
+ "1oh4",
+ "6wbg",
+ "2vkf",
+ "3iur",
+ "6sle",
+ "7lzw",
+ "6b6u",
+ "1nuc",
+ "6f0g",
+ "3m2h",
+ "6rc6",
+ "5aid",
+ "4y9z",
+ "5bpx",
+ "4trm",
+ "7zfb",
+ "2oz6",
+ "5rp1",
+ "5lj3",
+ "4xrh",
+ "1dkn",
+ "2w31",
+ "6yuu",
+ "1x39",
+ "6wmc",
+ "2lsg",
+ "3kxf",
+ "4ly3",
+ "1aev",
+ "1na6",
+ "1ue5",
+ "4g16",
+ "2y24",
+ "4k2d",
+ "1z8s",
+ "5qyw",
+ "7cyb",
+ "2flh",
+ "7oxi",
+ "4iep",
+ "7yfi",
+ "6tsg",
+ "5t4v",
+ "1wd8",
+ "5bo1",
+ "1onl",
+ "1aee",
+ "2ivn",
+ "5cd4",
+ "6gcw",
+ "5d93",
+ "5sq9",
+ "4y6n",
+ "2zb7",
+ "4qal",
+ "7be9",
+ "6rmf",
+ "4m0u",
+ "2yp9",
+ "6fz9",
+ "1cm0",
+ "8dd0",
+ "5ay6",
+ "1h8y",
+ "2j0d",
+ "4u2f",
+ "5tjc",
+ "7x4b",
+ "5eem",
+ "3j07",
+ "4hye",
+ "3ze0",
+ "4osq",
+ "7zzg",
+ "4fxx",
+ "4fm6",
+ "4dln",
+ "1e9p",
+ "7l9h",
+ "4jj0",
+ "5bjy",
+ "3d3f",
+ "5tuu",
+ "3uy7",
+ "3wou",
+ "5mjw",
+ "5s4d",
+ "8ehs",
+ "5zqm",
+ "6cz3",
+ "1qn1",
+ "2hyo",
+ "4emp",
+ "3qxt",
+ "6u9n",
+ "5eeu",
+ "5f6d",
+ "4w1x",
+ "4xz0",
+ "1pjc",
+ "6t4j",
+ "1g3e",
+ "7cqn",
+ "6fxp",
+ "5kkd",
+ "5tix",
+ "6ynq",
+ "6ghg",
+ "2pj8",
+ "6b1n",
+ "2oc3",
+ "5lie",
+ "1nb7",
+ "3ewf",
+ "1olt",
+ "7m4s",
+ "4g0u",
+ "7xgo",
+ "1qm2",
+ "5msn",
+ "4opq",
+ "1vag",
+ "3rhj",
+ "4wgj",
+ "6f94",
+ "6itk",
+ "5tsa",
+ "1xju",
+ "6g6t",
+ "5sq0",
+ "4o49",
+ "6qhk",
+ "6rwn",
+ "6q7n",
+ "3rg8",
+ "5z5b",
+ "4jtl",
+ "7w5m",
+ "7ar7",
+ "5kub",
+ "7w9w",
+ "6pbu",
+ "4kv2",
+ "6stj",
+ "7z15",
+ "1yq9",
+ "5z2d",
+ "5cih",
+ "6px7",
+ "1r4l",
+ "3ibu",
+ "5nmt",
+ "3cde",
+ "7nuu",
+ "5m3a",
+ "6ovh",
+ "4md0",
+ "4pj6",
+ "3zbs",
+ "3txh",
+ "2mi7",
+ "4erm",
+ "1yys",
+ "5djf",
+ "4zds",
+ "1eod",
+ "5vrq",
+ "5oix",
+ "6st1",
+ "3ffo",
+ "2qrk",
+ "1kg8",
+ "1lih",
+ "1ysn",
+ "4m0a",
+ "6i64",
+ "7a57",
+ "2h5z",
+ "1ya3",
+ "7tiu",
+ "1fa0",
+ "7znx",
+ "5pv9",
+ "7o1r",
+ "3m4n",
+ "1mll",
+ "5jih",
+ "3lc8",
+ "5z6z",
+ "7ren",
+ "3zwk",
+ "7t54",
+ "2i3w",
+ "2k1q",
+ "6ive",
+ "3fpy",
+ "3wi1",
+ "2v27",
+ "5rpp",
+ "7w8n",
+ "7cfo",
+ "5apc",
+ "5m16",
+ "2rf9",
+ "5cen",
+ "7yqd",
+ "1tq1",
+ "6ock",
+ "5h2c",
+ "6h98",
+ "4za8",
+ "5t2y",
+ "1cks",
+ "7wn2",
+ "3qd9",
+ "3c4e",
+ "5ukz",
+ "6wf5",
+ "3uwk",
+ "8cz5",
+ "3e24",
+ "3qzy",
+ "6cj5",
+ "5vzq",
+ "6vdz",
+ "2xki",
+ "1hfy",
+ "7ztv",
+ "5ao8",
+ "3hob",
+ "4j7o",
+ "4iht",
+ "3vp1",
+ "3iql",
+ "6yg2",
+ "1rf3",
+ "7oz5",
+ "4ba7",
+ "6iil",
+ "5vfx",
+ "6ywh",
+ "7uzz",
+ "5jtw",
+ "2n4g",
+ "4kwf",
+ "8amh",
+ "3g30",
+ "3ei5",
+ "5q10",
+ "5cu6",
+ "2imn",
+ "4ezr",
+ "5d9c",
+ "1tuk",
+ "4aft",
+ "4jjr",
+ "1owy",
+ "2wv7",
+ "3imj",
+ "7mja",
+ "5wmj",
+ "3a4k",
+ "3lxa",
+ "6vw7",
+ "2hzl",
+ "7w2e",
+ "2y4r",
+ "3gie",
+ "6n6i",
+ "6cha",
+ "7ut9",
+ "1ocm",
+ "4n4s",
+ "1b49",
+ "2dy7",
+ "3r6j",
+ "2ohp",
+ "6i3l",
+ "4z32",
+ "5mgh",
+ "1apx",
+ "3vx4",
+ "4x7o",
+ "6xd1",
+ "6px0",
+ "6iyx",
+ "2xwx",
+ "6pbj",
+ "7f02",
+ "3kxc",
+ "6d9w",
+ "6nqt",
+ "4oyk",
+ "5c17",
+ "4biw",
+ "7qpy",
+ "1p43",
+ "6zir",
+ "1v0f",
+ "4wzb",
+ "4xl1",
+ "1cd9",
+ "4ph1",
+ "1a3w",
+ "6z8j",
+ "3egb",
+ "2v1e",
+ "3uc1",
+ "6yxj",
+ "5h5n",
+ "6n5h",
+ "5a5f",
+ "6gnz",
+ "7n4w",
+ "7aoa",
+ "1y9r",
+ "6pgw",
+ "3fj8",
+ "2cws",
+ "4gm0",
+ "2g62",
+ "6rea",
+ "1i6e",
+ "5zgy",
+ "7ktz",
+ "4bq1",
+ "4tmy",
+ "7dqs",
+ "6poh",
+ "4djr",
+ "2b9w",
+ "2om9",
+ "1a0l",
+ "2vg9",
+ "1vlb",
+ "1x96",
+ "6tjw",
+ "1pvm",
+ "5fwv",
+ "3oky",
+ "2xn8",
+ "5ysc",
+ "1noc",
+ "6tfl",
+ "5x4n",
+ "6s9m",
+ "4p5k",
+ "6x4h",
+ "6t6n",
+ "4dkf",
+ "5g3m",
+ "5rui",
+ "3pmy",
+ "3gls",
+ "5ezs",
+ "1bli",
+ "2j3v",
+ "6o3c",
+ "3pxd",
+ "4y72",
+ "4c0y",
+ "2tdx",
+ "3jqj",
+ "2ajd",
+ "174l",
+ "5lef",
+ "4jib",
+ "1p8m",
+ "4tyu",
+ "6fpl",
+ "1pdm",
+ "4oe5",
+ "5ls4",
+ "4r71",
+ "6t4p",
+ "4dra",
+ "6r0g",
+ "3bqo",
+ "2vez",
+ "1nc9",
+ "7vl8",
+ "1erb",
+ "6lv9",
+ "4n9k",
+ "1l0v",
+ "7rfs",
+ "3eij",
+ "3otc",
+ "4o8c",
+ "2ven",
+ "7qba",
+ "3vw5",
+ "6o0q",
+ "7p4o",
+ "3o37",
+ "4wzv",
+ "1f6f",
+ "2e0a",
+ "7ab8",
+ "7bcn",
+ "3def",
+ "2x0l",
+ "1ofi",
+ "7cxm",
+ "3f11",
+ "5j48",
+ "6sv0",
+ "6v2b",
+ "3ey1",
+ "6svq",
+ "5p1n",
+ "5vgs",
+ "3aj7",
+ "1rac",
+ "4mc8",
+ "6nip",
+ "1krb",
+ "5c29",
+ "5hbt",
+ "3hyh",
+ "5nst",
+ "4twz",
+ "4wcd",
+ "7wac",
+ "2o9a",
+ "8dmf",
+ "3utv",
+ "4prz",
+ "5cpg",
+ "5g0u",
+ "1ct9",
+ "6yk0",
+ "6md7",
+ "5nft",
+ "8ap2",
+ "1nto",
+ "6epa",
+ "6oix",
+ "4nrj",
+ "5tbk",
+ "3ppd",
+ "6fw0",
+ "4ebd",
+ "2gim",
+ "3g8m",
+ "7nyh",
+ "1cw2",
+ "6ycz",
+ "4eu4",
+ "4gcb",
+ "5b7d",
+ "7emd",
+ "5bxb",
+ "6hvr",
+ "1j9t",
+ "7y3b",
+ "3jap",
+ "7bnv",
+ "5grz",
+ "4bhq",
+ "1zsd",
+ "5fch",
+ "2qab",
+ "8bi7",
+ "6zt8",
+ "1zel",
+ "1o3w",
+ "5h7b",
+ "4bfs",
+ "5efh",
+ "247l",
+ "4f95",
+ "6hjm",
+ "2hu7",
+ "5y8u",
+ "4yh7",
+ "1j2f",
+ "4cqc",
+ "2z4g",
+ "5spw",
+ "5reo",
+ "3wh6",
+ "1ep1",
+ "7a1h",
+ "1gto",
+ "1oti",
+ "2pdh",
+ "2xtd",
+ "4yyk",
+ "4zms",
+ "4tr6",
+ "1e3w",
+ "1ggf",
+ "5et5",
+ "1nmu",
+ "6s8y",
+ "1jq2",
+ "4pj8",
+ "3ow6",
+ "4fwo",
+ "2ko7",
+ "3gkz",
+ "4i00",
+ "6xjk",
+ "3val",
+ "4b0r",
+ "2b5r",
+ "1oal",
+ "6u8y",
+ "6no1",
+ "3u6l",
+ "2xjg",
+ "1clw",
+ "1g1b",
+ "4c60",
+ "4qdi",
+ "2vqh",
+ "7ens",
+ "6s2b",
+ "7q3b",
+ "7fmf",
+ "6lxm",
+ "3jre",
+ "3ol0",
+ "6f11",
+ "8de9",
+ "2cuj",
+ "6oqs",
+ "4hl0",
+ "6scp",
+ "6qg3",
+ "5vdo",
+ "6zxm",
+ "6t66",
+ "1iry",
+ "6znj",
+ "3h72",
+ "1kdk",
+ "1wab",
+ "5hfj",
+ "7rwk",
+ "1d7s",
+ "4j1i",
+ "6qdf",
+ "5kfk",
+ "146l",
+ "4pqh",
+ "3jzt",
+ "6mws",
+ "2wbs",
+ "5cqb",
+ "1ums",
+ "3qfp",
+ "1cyw",
+ "3rk7",
+ "4ep0",
+ "1oiz",
+ "3krk",
+ "7qi1",
+ "4fiq",
+ "1q68",
+ "4ml7",
+ "7xw6",
+ "5zdm",
+ "2md3",
+ "3lsi",
+ "6u3o",
+ "6wn0",
+ "1eeq",
+ "1vxb",
+ "6pt3",
+ "5i5t",
+ "7qal",
+ "1rmj",
+ "4g1f",
+ "3vyi",
+ "6bze",
+ "5xch",
+ "6plc",
+ "2msg",
+ "6gk5",
+ "2gdx",
+ "4f24",
+ "6tdo",
+ "4zoq",
+ "6oi3",
+ "5m19",
+ "6uhv",
+ "7dpr",
+ "7ptg",
+ "2w02",
+ "4i52",
+ "5voo",
+ "6mkg",
+ "7a4p",
+ "5afv",
+ "7b8u",
+ "1rbl",
+ "5yso",
+ "4npk",
+ "5mqj",
+ "3nir",
+ "1nxp",
+ "3dbc",
+ "5ik4",
+ "7e9s",
+ "5gio",
+ "3nuj",
+ "5pby",
+ "6o4x",
+ "6c42",
+ "5wje",
+ "3mlb",
+ "2vp7",
+ "2h66",
+ "4bou",
+ "7due",
+ "1ibx",
+ "1t1k",
+ "3n3a",
+ "3o4s",
+ "5u62",
+ "1kya",
+ "4m4k",
+ "6gkm",
+ "2pp9",
+ "5jog",
+ "4wcn",
+ "3q3m",
+ "4m0v",
+ "7fiw",
+ "8dq0",
+ "6yge",
+ "3tf4",
+ "2hjf",
+ "2nlh",
+ "5k7f",
+ "1slv",
+ "2vgk",
+ "7rt5",
+ "2ybk",
+ "4mmu",
+ "2yfz",
+ "2ine",
+ "1cgx",
+ "2ce8",
+ "3miw",
+ "8d4n",
+ "5vq4",
+ "5t2g",
+ "1i7z",
+ "4gr7",
+ "5glk",
+ "6g1n",
+ "1b2t",
+ "2z3l",
+ "5pgr",
+ "2xgg",
+ "3g4f",
+ "3h0f",
+ "5m6b",
+ "5f0b",
+ "2c3k",
+ "1s5w",
+ "5oc7",
+ "5w5n",
+ "2h6n",
+ "4m5t",
+ "2ylw",
+ "4y8d",
+ "4p9c",
+ "4e0r",
+ "2woq",
+ "5c6n",
+ "5f4n",
+ "1om1",
+ "2zsq",
+ "4heu",
+ "3pm6",
+ "6hjp",
+ "5jif",
+ "8dr5",
+ "3d8m",
+ "2p44",
+ "4brf",
+ "6zja",
+ "4cmb",
+ "5vnk",
+ "4y7i",
+ "5y6b",
+ "8e55",
+ "4v1u",
+ "6oo1",
+ "7r8c",
+ "4ai3",
+ "6r8p",
+ "7wu4",
+ "3nmx",
+ "8e8f",
+ "5l7t",
+ "5va4",
+ "5rc2",
+ "5i6p",
+ "5iuz",
+ "5bte",
+ "2h53",
+ "6q0x",
+ "5ncw",
+ "4mv6",
+ "1h1n",
+ "5elv",
+ "4lgw",
+ "1q5l",
+ "2pmf",
+ "3li0",
+ "1x0o",
+ "3mpn",
+ "8cy0",
+ "3aq0",
+ "6fy5",
+ "1g1l",
+ "3vrd",
+ "4asy",
+ "3rzg",
+ "2nup",
+ "6xut",
+ "1ugs",
+ "2haz",
+ "2kcc",
+ "1zpb",
+ "7qq1",
+ "6ca4",
+ "4p54",
+ "7ni3",
+ "2o02",
+ "6zg1",
+ "5wzq",
+ "1ua4",
+ "5bwz",
+ "7vx8",
+ "5ad2",
+ "2q6g",
+ "4p3p",
+ "4k70",
+ "2lo7",
+ "3vbn",
+ "3vgk",
+ "4f6s",
+ "4ims",
+ "2jkx",
+ "5kcl",
+ "2o1p",
+ "6wyd",
+ "7k5i",
+ "6wox",
+ "2avw",
+ "3b3s",
+ "1kmr",
+ "4ocl",
+ "5uop",
+ "2c3e",
+ "4tvq",
+ "8a7p",
+ "5l6s",
+ "5m2v",
+ "6xio",
+ "3t46",
+ "4npl",
+ "6met",
+ "2b4f",
+ "1fd3",
+ "5pk8",
+ "4u7y",
+ "5l33",
+ "3t2g",
+ "7la7",
+ "7fkr",
+ "1jw3",
+ "3nti",
+ "8dsn",
+ "4jl6",
+ "5wvx",
+ "1w4y",
+ "3n5i",
+ "4wpa",
+ "3g70",
+ "4y68",
+ "2x40",
+ "6p4m",
+ "7u17",
+ "5in7",
+ "5p86",
+ "6nly",
+ "7ppz",
+ "5ucw",
+ "7opq",
+ "6abx",
+ "5esz",
+ "6xm6",
+ "7fl0",
+ "2jz1",
+ "7qao",
+ "7mos",
+ "3s28",
+ "1ybk",
+ "4a0x",
+ "6ye1",
+ "6h6o",
+ "6nvg",
+ "1jr2",
+ "4h2m",
+ "4x0k",
+ "6cgy",
+ "3ent",
+ "5chy",
+ "3kp7",
+ "6cbk",
+ "7f03",
+ "6bbe",
+ "5k0s",
+ "2jzr",
+ "6zs7",
+ "4mkq",
+ "2pxk",
+ "5v1h",
+ "4zyk",
+ "4apv",
+ "1ai2",
+ "2ot1",
+ "6w65",
+ "4pqr",
+ "1ezk",
+ "5j1j",
+ "7cso",
+ "3aiz",
+ "4dxh",
+ "5pff",
+ "2xkn",
+ "3iya",
+ "1mlr",
+ "1hph",
+ "2vkr",
+ "2fr1",
+ "3wi6",
+ "2k76",
+ "6n4m",
+ "6jdk",
+ "3ek6",
+ "6f0l",
+ "5mig",
+ "3pz0",
+ "5xea",
+ "6zxr",
+ "2gfd",
+ "5lq6",
+ "5pwq",
+ "2nth",
+ "3jqy",
+ "3nse",
+ "1eoe",
+ "6pgt",
+ "1y0a",
+ "1sxx",
+ "3n35",
+ "1oa9",
+ "4bvr",
+ "3efu",
+ "4di9",
+ "2orv",
+ "5e1u",
+ "1bm4",
+ "5v7x",
+ "1u5h",
+ "3qt7",
+ "2ipg",
+ "4abe",
+ "7tcq",
+ "3mxo",
+ "3ixb",
+ "4av8",
+ "7xxy",
+ "6q1m",
+ "4g91",
+ "1l9m",
+ "4uno",
+ "5x3z",
+ "2ku2",
+ "6hab",
+ "7f9z",
+ "7um0",
+ "1uby",
+ "6k13",
+ "8msi",
+ "4kwd",
+ "5q0j",
+ "1jhj",
+ "1gbm",
+ "3t2k",
+ "2xwc",
+ "5ar4",
+ "3fuj",
+ "6ze2",
+ "1trj",
+ "1ens",
+ "7kfx",
+ "6prq",
+ "2jv1",
+ "1z3h",
+ "3e7b",
+ "3fhe",
+ "4cj2",
+ "4n7z",
+ "4mw3",
+ "5lso",
+ "6d0y",
+ "6wuf",
+ "2spl",
+ "2w2c",
+ "6tqq",
+ "3dsd",
+ "1r77",
+ "4pvt",
+ "7t0p",
+ "7o4z",
+ "3h3g",
+ "6v24",
+ "1elb",
+ "4elt",
+ "7wad",
+ "1hvf",
+ "6kg0",
+ "7rdk",
+ "4i2p",
+ "2gfe",
+ "4lwh",
+ "1ko9",
+ "2fvx",
+ "5er7",
+ "3j1v",
+ "1ous",
+ "2cmp",
+ "2x16",
+ "3iv9",
+ "5z6q",
+ "1b20",
+ "5d3r",
+ "2f51",
+ "1g67",
+ "4pbw",
+ "7vdv",
+ "5kes",
+ "3tku",
+ "6wl1",
+ "3ga0",
+ "7e0d",
+ "3nh7",
+ "5s4m",
+ "3id1",
+ "1m7t",
+ "6ali",
+ "3rsl",
+ "2g5u",
+ "6sfk",
+ "4bp9",
+ "1q59",
+ "7q74",
+ "5a6a",
+ "5h6j",
+ "6sdd",
+ "5kty",
+ "4zld",
+ "3wle",
+ "1wlk",
+ "4qpi",
+ "5kkm",
+ "1znu",
+ "2odw",
+ "3lgw",
+ "3iy5",
+ "7mfy",
+ "4do4",
+ "1g85",
+ "3apn",
+ "2hz0",
+ "4yn2",
+ "1prl",
+ "6l9z",
+ "5tub",
+ "6adf",
+ "3pll",
+ "1lta",
+ "1gs7",
+ "5x8g",
+ "2kih",
+ "4wj5",
+ "4p18",
+ "1gyz",
+ "6tza",
+ "3hrx",
+ "6qsp",
+ "2yle",
+ "7l13",
+ "4l77",
+ "2gd7",
+ "3gpw",
+ "6z9h",
+ "1pxk",
+ "5h1j",
+ "3r7b",
+ "3m44",
+ "6ycf",
+ "1l69",
+ "6sro",
+ "6nz9",
+ "1jvg",
+ "6kik",
+ "2vqv",
+ "7fmz",
+ "4bx8",
+ "5a7q",
+ "8bcy",
+ "4pbv",
+ "1ivr",
+ "1onn",
+ "7kw3",
+ "3olp",
+ "2oui",
+ "7kif",
+ "4wse",
+ "2v35",
+ "2vft",
+ "4agn",
+ "7w6f",
+ "5xgp",
+ "6etn",
+ "7x4i",
+ "7c08",
+ "2ayp",
+ "3fgh",
+ "7vsw",
+ "4dld",
+ "7c0l",
+ "6tp8",
+ "2d1f",
+ "3pag",
+ "5bwy",
+ "2puh",
+ "5vec",
+ "6a1h",
+ "7qgl",
+ "4trc",
+ "5k1h",
+ "3tfe",
+ "1ce7",
+ "1nme",
+ "6c3f",
+ "5bw9",
+ "4ax7",
+ "2x31",
+ "6gin",
+ "6bz9",
+ "3lwp",
+ "6e4p",
+ "7by0",
+ "1kw5",
+ "3ugu",
+ "7voh",
+ "5azq",
+ "4odn",
+ "7e18",
+ "4qnv",
+ "5zr3",
+ "1lmt",
+ "3pr0",
+ "6cdf",
+ "2yhy",
+ "7f6n",
+ "1b5e",
+ "1guh",
+ "5nk1",
+ "2oqn",
+ "1dbq",
+ "2bfg",
+ "7c49",
+ "6twy",
+ "2jy6",
+ "6yy0",
+ "1agi",
+ "7u53",
+ "2po1",
+ "5x0k",
+ "7q06",
+ "1ldl",
+ "7t15",
+ "4um2",
+ "7csy",
+ "4z6f",
+ "3uv7",
+ "4i25",
+ "2won",
+ "4dv8",
+ "7r1t",
+ "1nmd",
+ "6rss",
+ "6lm0",
+ "3c2w",
+ "7ras",
+ "2ho2",
+ "6aly",
+ "7v05",
+ "6y6m",
+ "6alr",
+ "1ggr",
+ "6g54",
+ "3v5e",
+ "6jsj",
+ "5cmu",
+ "4csm",
+ "6v5n",
+ "6gjy",
+ "4x0j",
+ "6lmj",
+ "5uqd",
+ "3hpe",
+ "7wue",
+ "8fn1",
+ "1qy1",
+ "7bl7",
+ "2eys",
+ "5kyx",
+ "2rh3",
+ "5lcy",
+ "1aa9",
+ "1ugb",
+ "2uzt",
+ "1dia",
+ "3bwf",
+ "4y5t",
+ "1gkl",
+ "6i6v",
+ "1ogg",
+ "4kg9",
+ "5nu7",
+ "5a79",
+ "4wyl",
+ "5cdp",
+ "4eij",
+ "4wpg",
+ "2v8p",
+ "6n5e",
+ "5f95",
+ "2zy5",
+ "1xzz",
+ "3lir",
+ "3hu2",
+ "1fuj",
+ "2yl5",
+ "5dks",
+ "2cjs",
+ "3sli",
+ "5wi9",
+ "2le3",
+ "2acl",
+ "8e4c",
+ "1gsm",
+ "5twa",
+ "2xah",
+ "7djm",
+ "6wwb",
+ "4qpc",
+ "2vzc",
+ "7f5w",
+ "6b42",
+ "6zgy",
+ "1xlt",
+ "7dor",
+ "6qs4",
+ "7x0p",
+ "1jn4",
+ "6qpr",
+ "5mit",
+ "7bmg",
+ "1ula",
+ "4ide",
+ "7jp1",
+ "4l6o",
+ "4gyk",
+ "3vz2",
+ "5hhv",
+ "1peq",
+ "1iso",
+ "5u16",
+ "5het",
+ "1py2",
+ "1lbs",
+ "6si7",
+ "6ueg",
+ "2c0m",
+ "7es0",
+ "7vl3",
+ "3b5r",
+ "5got",
+ "2rkq",
+ "2hzm",
+ "8cvi",
+ "1qz0",
+ "3n8s",
+ "3kgc",
+ "1v00",
+ "3alp",
+ "6obu",
+ "8id6",
+ "5jxi",
+ "4xr5",
+ "4nz4",
+ "4rx6",
+ "3bhx",
+ "3t3x",
+ "4nlj",
+ "3tfu",
+ "6y76",
+ "6q4h",
+ "5qqo",
+ "5p0v",
+ "8bm5",
+ "2snw",
+ "7ck6",
+ "6t6i",
+ "2bps",
+ "2zcs",
+ "5naz",
+ "5jpw",
+ "2ii9",
+ "6kro",
+ "3euz",
+ "5dmi",
+ "1m41",
+ "4gk9",
+ "3oxc",
+ "1c16",
+ "2z92",
+ "4fs0",
+ "2w1l",
+ "1nkk",
+ "6vte",
+ "4ryt",
+ "1ae9",
+ "1kbt",
+ "2yr4",
+ "6d4i",
+ "7lif",
+ "5hz6",
+ "2z39",
+ "2jy0",
+ "4lbs",
+ "6cd4",
+ "6xar",
+ "7zij",
+ "5kya",
+ "2x2r",
+ "6kg9",
+ "7fnn",
+ "5kvc",
+ "7fn7",
+ "4xcn",
+ "1mb2",
+ "3zv3",
+ "1fe5",
+ "2bpn",
+ "6wnr",
+ "2h7w",
+ "6pu7",
+ "7nx6",
+ "6vgu",
+ "6k4w",
+ "6ngz",
+ "1c4z",
+ "6ucm",
+ "5e2x",
+ "1mzv",
+ "5jib",
+ "5ufg",
+ "7lhp",
+ "6p8k",
+ "1fbd",
+ "1smp",
+ "4knn",
+ "1pfq",
+ "2hms",
+ "3gxf",
+ "1qne",
+ "6m3n",
+ "7n23",
+ "4ai1",
+ "6vk4",
+ "3uzp",
+ "2pss",
+ "7br2",
+ "1nct",
+ "3qp2",
+ "5ara",
+ "1zxk",
+ "1prs",
+ "4bwf",
+ "4un8",
+ "5edl",
+ "1f9h",
+ "3ohb",
+ "6fuo",
+ "8czd",
+ "4dsh",
+ "7ykn",
+ "1vyh",
+ "4avb",
+ "3smi",
+ "4zt8",
+ "5j9l",
+ "7k4v",
+ "4qv4",
+ "2jm1",
+ "5pla",
+ "5e2j",
+ "5cyf",
+ "7rwp",
+ "7dmr",
+ "6ksc",
+ "7bwl",
+ "4ep3",
+ "3hza",
+ "7svx",
+ "5yis",
+ "4hwz",
+ "5vqt",
+ "4ugi",
+ "3v5l",
+ "7at1",
+ "1ab0",
+ "5ww8",
+ "3og9",
+ "3bks",
+ "6gio",
+ "4jai",
+ "1cve",
+ "5vvl",
+ "6guj",
+ "3cbj",
+ "2l15",
+ "6ets",
+ "3cbz",
+ "7v4j",
+ "4eww",
+ "1g3q",
+ "5h9p",
+ "2ann",
+ "4yox",
+ "5ee4",
+ "2ae9",
+ "1c5h",
+ "5ntd",
+ "1jb3",
+ "4jpk",
+ "3aul",
+ "3mg3",
+ "3u0r",
+ "5m89",
+ "5eet",
+ "1q7l",
+ "5xap",
+ "1ojd",
+ "7awa",
+ "7ail",
+ "5x8n",
+ "7sp8",
+ "3vfu",
+ "7njc",
+ "2fk5",
+ "1mr8",
+ "1wop",
+ "2gwm",
+ "5qg7",
+ "6z7v",
+ "5p7a",
+ "8aq5",
+ "4z30",
+ "4rs8",
+ "4urf",
+ "6rh8",
+ "5cvg",
+ "3lhs",
+ "6fys",
+ "4jra",
+ "4ew3",
+ "6k9g",
+ "5lfk",
+ "5pny",
+ "2xp1",
+ "3t7h",
+ "3ln9",
+ "6oii",
+ "4jen",
+ "2d5r",
+ "7ewd",
+ "2pr0",
+ "1kba",
+ "6a22",
+ "2rga",
+ "3ozi",
+ "3bzf",
+ "6a0j",
+ "4wyb",
+ "1oun",
+ "4r96",
+ "2qa1",
+ "1upn",
+ "1ju5",
+ "1zsb",
+ "6ref",
+ "1z2q",
+ "2bck",
+ "6qo6",
+ "5z0z",
+ "2xcp",
+ "7d8n",
+ "7n2h",
+ "6esf",
+ "7n5u",
+ "4f8t",
+ "5vnp",
+ "6d8a",
+ "1fjn",
+ "5gwr",
+ "6zyf",
+ "3uig",
+ "5vo0",
+ "4ayq",
+ "5ilg",
+ "6qop",
+ "2xn4",
+ "2g7i",
+ "4fcs",
+ "7fgy",
+ "2a94",
+ "4ag2",
+ "6v6u",
+ "3ikk",
+ "2q6m",
+ "5mzx",
+ "4jh8",
+ "1jqk",
+ "2yew",
+ "5ewo",
+ "3qaz",
+ "7o2e",
+ "1o8k",
+ "8a16",
+ "3i6p",
+ "6onq",
+ "5tkj",
+ "6dt7",
+ "6m27",
+ "1vq2",
+ "6fzd",
+ "2c0k",
+ "5c2x",
+ "1rqs",
+ "2xq4",
+ "5jqs",
+ "3ldd",
+ "2egd",
+ "5qge",
+ "5p3f",
+ "7o78",
+ "3l54",
+ "1pqj",
+ "7ooc",
+ "5b6i",
+ "3u6w",
+ "5yp5",
+ "5v7z",
+ "1l0g",
+ "1o6p",
+ "2ly8",
+ "5bo7",
+ "3mf2",
+ "3im5",
+ "1c6s",
+ "2iux",
+ "6qre",
+ "1ov4",
+ "4ke7",
+ "6ew2",
+ "7uv2",
+ "5wwu",
+ "3kv7",
+ "2wq2",
+ "4lyj",
+ "2v8k",
+ "5apt",
+ "4jnu",
+ "2j3h",
+ "6ib5",
+ "6ygh",
+ "6fnp",
+ "5xrw",
+ "6ma6",
+ "2a5f",
+ "4a2s",
+ "2wqt",
+ "5sok",
+ "2kft",
+ "3vz3",
+ "2in2",
+ "2e4m",
+ "2ae5",
+ "3w5k",
+ "7n47",
+ "1bqt",
+ "2ps3",
+ "7p68",
+ "4fcd",
+ "8dca",
+ "6k1f",
+ "2ajj",
+ "1lto",
+ "1q6t",
+ "2g4d",
+ "8aum",
+ "3fwk",
+ "1h37",
+ "4p6q",
+ "4kck",
+ "1g4e",
+ "2xdk",
+ "7bmz",
+ "6uov",
+ "6bv4",
+ "3d43",
+ "3p4x",
+ "7deq",
+ "6nfc",
+ "1sfy",
+ "7zhe",
+ "6wnt",
+ "3kuj",
+ "8eyj",
+ "5peq",
+ "6evp",
+ "7kgp",
+ "5k14",
+ "1e94",
+ "2x4g",
+ "3tka",
+ "3um1",
+ "1nz4",
+ "4fbq",
+ "3nqd",
+ "4bqt",
+ "1ruv",
+ "7rgt",
+ "4mzz",
+ "1qex",
+ "1nag",
+ "5lpl",
+ "4gpe",
+ "4mf2",
+ "4zl8",
+ "5o4f",
+ "5gyl",
+ "1lds",
+ "5l81",
+ "1uii",
+ "5opz",
+ "5n6u",
+ "6ht2",
+ "7nr1",
+ "3qrp",
+ "7dve",
+ "6l4g",
+ "2llw",
+ "5b6l",
+ "2l4h",
+ "8ckc",
+ "7nti",
+ "4l7z",
+ "4umq",
+ "1oi2",
+ "7f1y",
+ "1ksm",
+ "1mlz",
+ "3o6x",
+ "3oif",
+ "5iu4",
+ "1dhs",
+ "1ck1",
+ "6xbd",
+ "3nxw",
+ "5kcy",
+ "3ek9",
+ "2gss",
+ "7fkt",
+ "8bgm",
+ "1san",
+ "7rn4",
+ "1ncg",
+ "2v0k",
+ "3fo3",
+ "7d2y",
+ "7aw3",
+ "5olv",
+ "3t0l",
+ "8a5c",
+ "4g3j",
+ "4d07",
+ "1yip",
+ "2kjh",
+ "5c12",
+ "7dop",
+ "2xyx",
+ "1g92",
+ "7kbu",
+ "1y18",
+ "2dt3",
+ "3tu9",
+ "1c62",
+ "5h4j",
+ "5efv",
+ "6lg1",
+ "6i4e",
+ "7q8s",
+ "1aiz",
+ "5k25",
+ "3wvo",
+ "5n7g",
+ "4lm8",
+ "1ioc",
+ "5ky2",
+ "2ofa",
+ "6s5b",
+ "2res",
+ "2nd2",
+ "2lqb",
+ "1kqf",
+ "5tcc",
+ "5y5m",
+ "4y0h",
+ "4d85",
+ "5d8i",
+ "6cdj",
+ "2e8d",
+ "4rfy",
+ "4h3c",
+ "4nmn",
+ "5l1x",
+ "3m86",
+ "3pyi",
+ "1s6o",
+ "1vzo",
+ "3gjx",
+ "6p4k",
+ "4oui",
+ "7aah",
+ "3qng",
+ "6f5c",
+ "5j7a",
+ "5yow",
+ "6a4b",
+ "7rsn",
+ "2vmt",
+ "6wzc",
+ "4kot",
+ "6mxr",
+ "1qb0",
+ "9rnt",
+ "4g9p",
+ "1bqb",
+ "6te1",
+ "2eyc",
+ "6piw",
+ "3w0q",
+ "7tu6",
+ "4esm",
+ "1ajo",
+ "4im4",
+ "2xb9",
+ "6ajl",
+ "6kk2",
+ "7e84",
+ "7wlm",
+ "3rx9",
+ "6pqv",
+ "7vw0",
+ "5kh0",
+ "7s9j",
+ "7ebc",
+ "5jc1",
+ "5vvd",
+ "1k5n",
+ "4h6h",
+ "6lyx",
+ "2vn0",
+ "7ktn",
+ "3o0p",
+ "7dvx",
+ "7eh0",
+ "6hz0",
+ "3k91",
+ "4u6c",
+ "1w1g",
+ "2vhc",
+ "1qtw",
+ "5vhr",
+ "4eib",
+ "4pnn",
+ "7lpx",
+ "6aor",
+ "8dep",
+ "1yzk",
+ "5b31",
+ "6l5w",
+ "2ipr",
+ "6p05",
+ "4pms",
+ "3gg1",
+ "1kui",
+ "5ouo",
+ "2ko2",
+ "6e6r",
+ "1kjk",
+ "3lt2",
+ "1am5",
+ "2zrb",
+ "1lzt",
+ "4esj",
+ "6exc",
+ "8at4",
+ "3i05",
+ "6rvm",
+ "1mrb",
+ "4cas",
+ "1fip",
+ "1upc",
+ "4p7u",
+ "6cjx",
+ "1r6r",
+ "7od7",
+ "5p32",
+ "4xgp",
+ "5x2u",
+ "6tan",
+ "3stt",
+ "5u3s",
+ "6i4g",
+ "7zge",
+ "7d6v",
+ "3dt1",
+ "5iue",
+ "6f8c",
+ "4gao",
+ "1mn4",
+ "1ja1",
+ "3pm3",
+ "1xlf",
+ "4gdk",
+ "5hcv",
+ "7meu",
+ "7lpm",
+ "4kvi",
+ "7qcx",
+ "2wvj",
+ "5bmu",
+ "5dw1",
+ "3jwd",
+ "1gi2",
+ "5u5r",
+ "7ml4",
+ "4xgw",
+ "2q1z",
+ "3c8k",
+ "5e1t",
+ "7lzs",
+ "6vq8",
+ "4zyf",
+ "4wt9",
+ "5flg",
+ "2uuj",
+ "4yn1",
+ "1a4i",
+ "8d0h",
+ "2mff",
+ "3ag6",
+ "6z5n",
+ "1f6a",
+ "7pew",
+ "5djg",
+ "5ct6",
+ "7pyl",
+ "5k8l",
+ "1z28",
+ "1hof",
+ "3ttc",
+ "1yto",
+ "6f8u",
+ "1tor",
+ "7r5h",
+ "2knh",
+ "4ele",
+ "3eh2",
+ "1ccd",
+ "3a79",
+ "6apk",
+ "5u15",
+ "6h9b",
+ "1e15",
+ "3jud",
+ "1tht",
+ "6b9d",
+ "1kiu",
+ "6tg6",
+ "1qyz",
+ "3hy0",
+ "5pey",
+ "1os8",
+ "1tap",
+ "1cj6",
+ "2juq",
+ "7qee",
+ "1w0r",
+ "5bue",
+ "3mm3",
+ "6kni",
+ "2y0e",
+ "5br7",
+ "5li6",
+ "2d5c",
+ "2uvr",
+ "7nxa",
+ "6i9d",
+ "6evc",
+ "2aj3",
+ "2pta",
+ "5xjo",
+ "6qs0",
+ "1w04",
+ "4zad",
+ "6yi7",
+ "3tzd",
+ "4rx0",
+ "4rci",
+ "5pwl",
+ "6ruo",
+ "7kcz",
+ "2w5m",
+ "7jrm",
+ "1gtu",
+ "6qfq",
+ "7p33",
+ "7cbw",
+ "7plx",
+ "4gtc",
+ "7pje",
+ "1z4l",
+ "3fxb",
+ "1daj",
+ "5kdx",
+ "2hed",
+ "4fc6",
+ "2fop",
+ "6tiy",
+ "5vn5",
+ "3tea",
+ "6isc",
+ "2b9r",
+ "4opo",
+ "4fuo",
+ "5cu0",
+ "3d5s",
+ "4xr0",
+ "6nhw",
+ "4j4g",
+ "4o9l",
+ "3iep",
+ "6ahv",
+ "6nwq",
+ "7tt0",
+ "6xcr",
+ "2d81",
+ "6ap7",
+ "6ep6",
+ "1l5m",
+ "7yfl",
+ "5aab",
+ "2v1w",
+ "3vgf",
+ "6rjj",
+ "5rvm",
+ "5vwt",
+ "2mqs",
+ "7bra",
+ "2lnf",
+ "2ouj",
+ "6ibs",
+ "6y72",
+ "3mg4",
+ "5whd",
+ "7yzz",
+ "1nod",
+ "4chn",
+ "7ro2",
+ "7qla",
+ "7k0p",
+ "1ixp",
+ "6pq3",
+ "2ftk",
+ "6vfm",
+ "5rp7",
+ "6h66",
+ "6i4s",
+ "2pso",
+ "5kdm",
+ "7seg",
+ "1rgk",
+ "3o5k",
+ "4h2g",
+ "6cit",
+ "4ri5",
+ "6p91",
+ "1fxv",
+ "6cn5",
+ "5fgh",
+ "5crg",
+ "5y9c",
+ "6y56",
+ "1hgb",
+ "5bvs",
+ "3s3i",
+ "7bk8",
+ "3a6h",
+ "1gft",
+ "4c88",
+ "6dpg",
+ "3f9f",
+ "5vdu",
+ "206l",
+ "1qkl",
+ "1yvs",
+ "7mws",
+ "5ot8",
+ "2mn3",
+ "1jt6",
+ "7t10",
+ "3eu3",
+ "2cb3",
+ "4ahy",
+ "5mwl",
+ "1jp5",
+ "5ql3",
+ "4pkc",
+ "1l2j",
+ "7za3",
+ "3wgm",
+ "3lqc",
+ "3wlw",
+ "2gda",
+ "3ckz",
+ "6d3z",
+ "4f3a",
+ "2qz9",
+ "8d9m",
+ "8a0p",
+ "1h7n",
+ "1fzf",
+ "7nu2",
+ "4qjp",
+ "3r87",
+ "5jdn",
+ "1kgi",
+ "1qyb",
+ "4mdq",
+ "6zfc",
+ "5krm",
+ "5w0d",
+ "3a36",
+ "6xuw",
+ "3w8r",
+ "4lif",
+ "6i5w",
+ "1hwl",
+ "1lua",
+ "4g9a",
+ "4d6n",
+ "1kx1",
+ "6lk6",
+ "6qsa",
+ "8aic",
+ "2yh6",
+ "6ozf",
+ "6z71",
+ "7xe5",
+ "2c8k",
+ "3bs7",
+ "3ahi",
+ "6fae",
+ "6y5k",
+ "5f60",
+ "4rnt",
+ "2a89",
+ "4b8s",
+ "5iwu",
+ "3hpx",
+ "1y3a",
+ "5ze3",
+ "6r0h",
+ "4o6q",
+ "5hjc",
+ "7x3k",
+ "4owq",
+ "1cw4",
+ "3qi5",
+ "5c2a",
+ "7myh",
+ "1ozm",
+ "3n7m",
+ "5w46",
+ "1qnl",
+ "1s4r",
+ "7m47",
+ "6udt",
+ "3fc8",
+ "6par",
+ "7m1r",
+ "2gxu",
+ "2hr9",
+ "2byn",
+ "2ooh",
+ "7mwc",
+ "4pc4",
+ "3qvz",
+ "7u47",
+ "1i5t",
+ "1qgv",
+ "3o27",
+ "6gbi",
+ "3kn2",
+ "5mqh",
+ "2fq0",
+ "5am0",
+ "2nnr",
+ "5qmi",
+ "7a7h",
+ "1cdl",
+ "5v4g",
+ "3pdg",
+ "7m96",
+ "2ewn",
+ "3b0w",
+ "3ohv",
+ "5pek",
+ "6wvp",
+ "5o55",
+ "2fbn",
+ "2ynf",
+ "7kr1",
+ "4j7b",
+ "1rh8",
+ "1ne6",
+ "3lg4",
+ "4pit",
+ "7lcg",
+ "1qvl",
+ "8cat",
+ "2b2c",
+ "2ila",
+ "1cxl",
+ "2dd4",
+ "2l4r",
+ "7pnq",
+ "2i5q",
+ "5aae",
+ "2ky3",
+ "5wko",
+ "7khu",
+ "6rj8",
+ "7poq",
+ "1l74",
+ "8d6m",
+ "2i6j",
+ "7cfi",
+ "1xuh",
+ "7ccs",
+ "3nt1",
+ "5v5j",
+ "3g21",
+ "6pyt",
+ "1g8x",
+ "1bof",
+ "1djf",
+ "4l5b",
+ "4q1b",
+ "4qfl",
+ "6kh8",
+ "5g1s",
+ "2v03",
+ "5gk1",
+ "2l9h",
+ "2b5h",
+ "4b3l",
+ "3knv",
+ "5uhv",
+ "2hl4",
+ "2ri0",
+ "5cz6",
+ "3pca",
+ "5lz6",
+ "2x1a",
+ "6ehd",
+ "6y5l",
+ "6h2c",
+ "5nxg",
+ "5gmi",
+ "3wkv",
+ "6i38",
+ "4ooe",
+ "2z86",
+ "1sq7",
+ "3gp6",
+ "6qnp",
+ "5rfg",
+ "1q7q",
+ "4wyc",
+ "2j4j",
+ "7eo4",
+ "1mkc",
+ "5k5e",
+ "5rp8",
+ "5nqb",
+ "5a3w",
+ "6rfe",
+ "2xeu",
+ "2xnf",
+ "2lui",
+ "2n28",
+ "6et2",
+ "5suc",
+ "6iyh",
+ "1q15",
+ "5p0g",
+ "3k3p",
+ "2xg4",
+ "5poz",
+ "6yt3",
+ "4n2h",
+ "1o7y",
+ "3mka",
+ "3men",
+ "2om2",
+ "6xv0",
+ "6lah",
+ "6eab",
+ "5plv",
+ "1r2a",
+ "4f6z",
+ "7l9z",
+ "2ru8",
+ "1d5n",
+ "3ts0",
+ "7dwr",
+ "6flp",
+ "7vg9",
+ "5d72",
+ "5apu",
+ "3nxo",
+ "1ngx",
+ "6hnj",
+ "2b9y",
+ "7ykl",
+ "4b9a",
+ "4a0i",
+ "7lqb",
+ "4ztt",
+ "3r16",
+ "6cn6",
+ "2tci",
+ "3oue",
+ "7qkn",
+ "5d0v",
+ "4ylz",
+ "1o3d",
+ "2vqx",
+ "5y0w",
+ "4uq2",
+ "1cqp",
+ "4aza",
+ "1hhl",
+ "6ieu",
+ "2i3b",
+ "3u5y",
+ "1m8s",
+ "4fbn",
+ "1sth",
+ "4hce",
+ "6o18",
+ "6y8o",
+ "2f3x",
+ "7d9c",
+ "7onj",
+ "1uyb",
+ "7fdz",
+ "4yd0",
+ "2xn6",
+ "1uug",
+ "4qb9",
+ "2f05",
+ "7qsq",
+ "4ncb",
+ "4uy1",
+ "4odk",
+ "3m00",
+ "6dqq",
+ "1fdr",
+ "1ry0",
+ "2xjx",
+ "6yh4",
+ "6ng1",
+ "5pc0",
+ "5gwy",
+ "4jme",
+ "7eti",
+ "4wov",
+ "6h37",
+ "4l09",
+ "2p5h",
+ "5nqe",
+ "1ccc",
+ "7ldi",
+ "1o99",
+ "2rdz",
+ "6gtx",
+ "1xyf",
+ "3si9",
+ "2aoi",
+ "4omg",
+ "1hex",
+ "6et1",
+ "3k0x",
+ "2kep",
+ "6qqh",
+ "6z79",
+ "3n8x",
+ "8ewz",
+ "7a24",
+ "2myt",
+ "2bb7",
+ "2v85",
+ "4jfi",
+ "1t7f",
+ "7tl8",
+ "6jme",
+ "5lhh",
+ "6lz3",
+ "5vth",
+ "7rht",
+ "6xgz",
+ "7sbf",
+ "3wnm",
+ "1uyg",
+ "4njm",
+ "6d5r",
+ "6lum",
+ "145l",
+ "4x2f",
+ "3wq4",
+ "6ice",
+ "6hkb",
+ "3tuy",
+ "3f65",
+ "4xcr",
+ "7t4q",
+ "3hmp",
+ "3gy2",
+ "4bqo",
+ "2jj7",
+ "7jjc",
+ "5bq0",
+ "6gm4",
+ "3bxu",
+ "3bsa",
+ "4nf5",
+ "4aj7",
+ "5vjm",
+ "1uka",
+ "5oee",
+ "5ao0",
+ "1yoi",
+ "1fan",
+ "6xxv",
+ "6sun",
+ "1hzt",
+ "4ivy",
+ "7cv2",
+ "5n4a",
+ "5x04",
+ "1hp2",
+ "4fjj",
+ "5rgq",
+ "3wpd",
+ "5icm",
+ "6ma1",
+ "1oan",
+ "2ic4",
+ "3ndd",
+ "4ufb",
+ "7usg",
+ "5oxl",
+ "4e6t",
+ "5qz0",
+ "5zad",
+ "7cx2",
+ "3oy9",
+ "6t5f",
+ "2bsy",
+ "6kx7",
+ "7vgu",
+ "2bli",
+ "7lti",
+ "7b2b",
+ "2iv9",
+ "5e5e",
+ "6srq",
+ "5n83",
+ "2geb",
+ "6m1h",
+ "4ej1",
+ "4md6",
+ "5s58",
+ "1yd4",
+ "4ddk",
+ "1pg4",
+ "6xgw",
+ "2jjn",
+ "4lnq",
+ "7v32",
+ "1cu6",
+ "5jk3",
+ "1tdh",
+ "2mrn",
+ "7bqz",
+ "1g3m",
+ "3uvi",
+ "2zs8",
+ "4nxp",
+ "2vc3",
+ "7lik",
+ "5qcr",
+ "5mvd",
+ "6eq6",
+ "2r5i",
+ "6op9",
+ "4v14",
+ "4zfp",
+ "6vr2",
+ "7f5i",
+ "6nc8",
+ "4b35",
+ "7zbo",
+ "2oos",
+ "7sgn",
+ "5mxx",
+ "7xne",
+ "1bcg",
+ "1daq",
+ "6s96",
+ "5pwp",
+ "6bxq",
+ "3zvf",
+ "4rf9",
+ "4aup",
+ "5gha",
+ "3ru2",
+ "3the",
+ "2k73",
+ "5olm",
+ "6lqh",
+ "5wpq",
+ "5vrj",
+ "5qkj",
+ "5xxt",
+ "7osp",
+ "2gte",
+ "1xvo",
+ "1fb1",
+ "5uy8",
+ "4r7c",
+ "6c5u",
+ "5ukm",
+ "1bza",
+ "5i1u",
+ "1dkt",
+ "6zd2",
+ "8ex1",
+ "2zlw",
+ "7pyj",
+ "4q46",
+ "5eog",
+ "3r63",
+ "3vba",
+ "7o9p",
+ "3qi9",
+ "6olk",
+ "7a1l",
+ "1kvm",
+ "7f6k",
+ "3c34",
+ "5pym",
+ "1j7s",
+ "4np4",
+ "7cj6",
+ "5aag",
+ "3smk",
+ "3wto",
+ "2az5",
+ "2rqx",
+ "5s3z",
+ "2c68",
+ "3oy0",
+ "3foe",
+ "4ey5",
+ "7vpz",
+ "1r42",
+ "6t26",
+ "5wu5",
+ "5e2r",
+ "1q36",
+ "5mfq",
+ "1duz",
+ "3d1y",
+ "6rbz",
+ "6ftv",
+ "5n5n",
+ "1jxu",
+ "5stp",
+ "3n0y",
+ "5d7b",
+ "3rs1",
+ "2ikq",
+ "2zux",
+ "4bx0",
+ "3zpt",
+ "6qj0",
+ "3eaq",
+ "2qmu",
+ "3kyv",
+ "7ckq",
+ "3b1m",
+ "4f66",
+ "4oqs",
+ "6tpi",
+ "2o7h",
+ "6rfs",
+ "5fdl",
+ "1o28",
+ "7flr",
+ "2r8o",
+ "2zjf",
+ "1id8",
+ "5dcv",
+ "5sa5",
+ "5v40",
+ "2q9f",
+ "6ev4",
+ "4hlz",
+ "1cfg",
+ "4ybj",
+ "4pzz",
+ "3nvd",
+ "3oz7",
+ "4bn4",
+ "7no6",
+ "3igk",
+ "3rpu",
+ "3lib",
+ "3bsh",
+ "1qqw",
+ "1rym",
+ "3hh2",
+ "5ym6",
+ "1vcy",
+ "6xvo",
+ "1dyl",
+ "6gr5",
+ "2vog",
+ "1uef",
+ "2h4c",
+ "7rt7",
+ "3lli",
+ "4l8d",
+ "2jzd",
+ "4m6a",
+ "3o36",
+ "7u18",
+ "7cad",
+ "7d7m",
+ "4nxt",
+ "4lv9",
+ "1nra",
+ "1g12",
+ "5prr",
+ "7byt",
+ "6dn5",
+ "3pn5",
+ "6ept",
+ "6hps",
+ "6tge",
+ "1lis",
+ "4bgi",
+ "7u9v",
+ "3sf6",
+ "6s1w",
+ "4nan",
+ "1zy1",
+ "6mnj",
+ "5fij",
+ "4l9e",
+ "2fql",
+ "2py9",
+ "4wx2",
+ "4kp5",
+ "4xr3",
+ "2lo6",
+ "1gey",
+ "1mdw",
+ "3h2t",
+ "7e2r",
+ "4m9m",
+ "6g6p",
+ "7elt",
+ "7jwq",
+ "4brx",
+ "2hi4",
+ "6tqo",
+ "5p8r",
+ "4njk",
+ "2llp",
+ "3esc",
+ "6fxm",
+ "5pi3",
+ "2xcn",
+ "3rzb",
+ "1s64",
+ "4mfu",
+ "6n55",
+ "3q9o",
+ "2xp8",
+ "6gu1",
+ "6we6",
+ "1m0d",
+ "2ltt",
+ "4o9f",
+ "6zlb",
+ "3gqt",
+ "1ge2",
+ "6jr6",
+ "2bm0",
+ "8djg",
+ "6rcm",
+ "4yzd",
+ "1s0w",
+ "5arh",
+ "1cqk",
+ "2yj1",
+ "3bhf",
+ "1usr",
+ "6fxo",
+ "1lac",
+ "6oft",
+ "8eow",
+ "2wtp",
+ "3mme",
+ "6b68",
+ "4fmc",
+ "3psq",
+ "6wpu",
+ "1txe",
+ "4awe",
+ "2vjy",
+ "3fzw",
+ "3m4e",
+ "2o7k",
+ "7o15",
+ "1nay",
+ "3vt8",
+ "5p0c",
+ "3mm5",
+ "1utj",
+ "5ubp",
+ "5o95",
+ "1g9v",
+ "1uwh",
+ "3j4a",
+ "2b7f",
+ "4hcp",
+ "7xq3",
+ "1b9r",
+ "1mmg",
+ "1fr4",
+ "4on1",
+ "3w38",
+ "7oy9",
+ "6r15",
+ "6ych",
+ "3zjq",
+ "6hzc",
+ "6prn",
+ "6gnu",
+ "1ops",
+ "3o2f",
+ "2qpy",
+ "3pwq",
+ "2mjk",
+ "4hep",
+ "5f2r",
+ "2jwp",
+ "4fdm",
+ "6xlj",
+ "2owb",
+ "6nwr",
+ "6o51",
+ "7qbs",
+ "6ui4",
+ "3ea5",
+ "5mkj",
+ "4ck7",
+ "1gfr",
+ "5spa",
+ "6o8f",
+ "6xb3",
+ "7ofp",
+ "1yyb",
+ "2fde",
+ "3rki",
+ "6hz7",
+ "4f70",
+ "2a2k",
+ "3m3a",
+ "3vy6",
+ "5j54",
+ "2o9k",
+ "1fbm",
+ "4g5h",
+ "4dkw",
+ "2k6t",
+ "8i1c",
+ "1fvt",
+ "7wv5",
+ "3pu0",
+ "6fb1",
+ "1lpj",
+ "3n7r",
+ "5m43",
+ "5uw5",
+ "7b62",
+ "6k35",
+ "3ozs",
+ "7elj",
+ "4e9j",
+ "4cni",
+ "1tae",
+ "4x8g",
+ "4x88",
+ "1bww",
+ "2qnx",
+ "1xan",
+ "5ftt",
+ "7lgw",
+ "2hsp",
+ "7l0r",
+ "2g9z",
+ "6nwz",
+ "5d84",
+ "3v0l",
+ "6zmn",
+ "6o06",
+ "1q5y",
+ "5otc",
+ "4p0l",
+ "1q8y",
+ "5dnx",
+ "2brt",
+ "1h18",
+ "5oar",
+ "6s4n",
+ "3bql",
+ "2aps",
+ "5a4o",
+ "1sdb",
+ "2obg",
+ "6r70",
+ "1z3q",
+ "1q7x",
+ "3d4i",
+ "3lpd",
+ "6nzv",
+ "5fma",
+ "6r0x",
+ "2joh",
+ "7xea",
+ "3gqu",
+ "7qrn",
+ "5th2",
+ "7ko8",
+ "2ikg",
+ "4hj3",
+ "2vz1",
+ "1t1u",
+ "2dpk",
+ "3kx1",
+ "6qnc",
+ "3b3p",
+ "5s5v",
+ "2xtv",
+ "2bye",
+ "4ju3",
+ "1e5r",
+ "4adz",
+ "7v35",
+ "4j7u",
+ "1wbp",
+ "3x1y",
+ "1aw1",
+ "4dmn",
+ "7ep5",
+ "2n3l",
+ "6rvc",
+ "5knl",
+ "5z1x",
+ "3k08",
+ "3cdy",
+ "5tyb",
+ "4zg1",
+ "7sfg",
+ "7voj",
+ "5qkq",
+ "5mpm",
+ "1cg2",
+ "2viy",
+ "1fu8",
+ "5m5o",
+ "6e9g",
+ "1rxc",
+ "6knt",
+ "3kku",
+ "2h25",
+ "6hov",
+ "3a8y",
+ "1d4u",
+ "7waf",
+ "6d3n",
+ "7rl4",
+ "4e6k",
+ "7f84",
+ "4zsy",
+ "7c3j",
+ "7x5e",
+ "1gn0",
+ "4nef",
+ "5p0h",
+ "1g1v",
+ "6bnp",
+ "2f52",
+ "6sre",
+ "7vhv",
+ "3aoi",
+ "7s3j",
+ "2kle",
+ "5new",
+ "7tvh",
+ "4yf0",
+ "7psi",
+ "7l0o",
+ "3t4n",
+ "2pdn",
+ "6x3q",
+ "6gcz",
+ "1tge",
+ "3q6f",
+ "4a14",
+ "3vth",
+ "6m4q",
+ "2nsz",
+ "3pps",
+ "3kv9",
+ "1yse",
+ "5ld0",
+ "4trk",
+ "2ldy",
+ "1wyx",
+ "4alp",
+ "7lfv",
+ "1dw2",
+ "6len",
+ "2f80",
+ "7l6v",
+ "1wog",
+ "5nni",
+ "3w3n",
+ "1eeo",
+ "5o4p",
+ "5c1g",
+ "5kjz",
+ "6tbm",
+ "1lu2",
+ "1oce",
+ "2b8a",
+ "4eq2",
+ "5phq",
+ "7nw3",
+ "6hun",
+ "6uoj",
+ "4tux",
+ "5w2i",
+ "5su8",
+ "5vns",
+ "1yes",
+ "7l3m",
+ "4ife",
+ "5qdh",
+ "5dkf",
+ "3n1q",
+ "1zg7",
+ "1hkj",
+ "4my7",
+ "2hz9",
+ "2mnu",
+ "6gzp",
+ "4an5",
+ "2evp",
+ "1iux",
+ "6uh5",
+ "6y79",
+ "2x8t",
+ "4o14",
+ "2ztc",
+ "1gmi",
+ "3ori",
+ "3asv",
+ "1r1q",
+ "7p58",
+ "7abk",
+ "7t3l",
+ "3vro",
+ "4n58",
+ "7z2i",
+ "3szg",
+ "5e5f",
+ "2eab",
+ "5wgs",
+ "1qfe",
+ "5d8r",
+ "6h8s",
+ "2rq2",
+ "4yms",
+ "7kmi",
+ "5cg0",
+ "5kd4",
+ "6oqu",
+ "2o9f",
+ "3nvl",
+ "4r0s",
+ "7dh0",
+ "6mjx",
+ "4khx",
+ "8bgt",
+ "4aqk",
+ "2j27",
+ "8ewp",
+ "5dsk",
+ "3hka",
+ "1g7j",
+ "2ozy",
+ "6lki",
+ "1yc4",
+ "3gwc",
+ "5kyw",
+ "2i4x",
+ "1kgp",
+ "5kxx",
+ "3fk0",
+ "6o65",
+ "3pbc",
+ "3n52",
+ "3vgw",
+ "5ops",
+ "2fxt",
+ "5q19",
+ "4o46",
+ "4mv1",
+ "2gwd",
+ "4oex",
+ "4y0s",
+ "4gif",
+ "6kec",
+ "3eq6",
+ "6bym",
+ "4dvn",
+ "6jxj",
+ "7v2r",
+ "3u37",
+ "2g2p",
+ "1foi",
+ "5p4k",
+ "5kcn",
+ "2h6q",
+ "2mu2",
+ "4jwi",
+ "5qnm",
+ "5i6v",
+ "5olu",
+ "4prh",
+ "2mx1",
+ "4bjz",
+ "5ava",
+ "3r74",
+ "5do2",
+ "5mu4",
+ "6att",
+ "7a9f",
+ "2jst",
+ "6ado",
+ "6bxe",
+ "1d4w",
+ "7cyk",
+ "1g6p",
+ "7yr0",
+ "4zfq",
+ "1fcf",
+ "3m9w",
+ "1sjm",
+ "4kis",
+ "6lug",
+ "3vg6",
+ "4grt",
+ "6aii",
+ "6r7a",
+ "4lxh",
+ "7agg",
+ "1f50",
+ "1ia6",
+ "1e9y",
+ "5lap",
+ "5trs",
+ "1q1e",
+ "3itm",
+ "6ysf",
+ "6mt1",
+ "2fk4",
+ "4o1o",
+ "2pz5",
+ "6ld3",
+ "7lx7",
+ "5p45",
+ "5fot",
+ "1omt",
+ "3swx",
+ "4qxt",
+ "3f6j",
+ "7sjo",
+ "4v3y",
+ "6dwh",
+ "1ues",
+ "4zqu",
+ "7r01",
+ "7job",
+ "1wyu",
+ "3mnd",
+ "4yv5",
+ "1cvl",
+ "5a8z",
+ "5e5s",
+ "6h41",
+ "7qmc",
+ "7ap6",
+ "6cp4",
+ "5t3a",
+ "1uc5",
+ "4u0r",
+ "3kin",
+ "6b1x",
+ "5l99",
+ "6jlk",
+ "4u6v",
+ "6krz",
+ "7ndk",
+ "5qlm",
+ "2dpe",
+ "6bjb",
+ "6nu5",
+ "2x0r",
+ "6xha",
+ "1gjs",
+ "2fvy",
+ "7q0d",
+ "4gdf",
+ "3mmw",
+ "7wpx",
+ "2fy2",
+ "5tzb",
+ "1m5z",
+ "1nof",
+ "1qjw",
+ "7awi",
+ "3kt1",
+ "6w4l",
+ "7ski",
+ "5dkk",
+ "4ify",
+ "5nrb",
+ "3tel",
+ "2o9j",
+ "6k68",
+ "5ji8",
+ "4b7z",
+ "6b9p",
+ "6c0b",
+ "1ypo",
+ "5kht",
+ "6dwv",
+ "4rtt",
+ "4hne",
+ "6i5m",
+ "1bq0",
+ "2jnw",
+ "7ti8",
+ "1tjw",
+ "7d0n",
+ "2nre",
+ "1c3z",
+ "5kz8",
+ "4whh",
+ "6jgw",
+ "2bbt",
+ "2nw7",
+ "2c34",
+ "7o2w",
+ "3bxd",
+ "2xcj",
+ "2w55",
+ "2yy8",
+ "1gqr",
+ "2ew8",
+ "1hpz",
+ "1jmp",
+ "4uoc",
+ "1xu3",
+ "5w0h",
+ "1o8a",
+ "5rvp",
+ "6xgq",
+ "6pvy",
+ "6glw",
+ "2ga7",
+ "8e98",
+ "6lz0",
+ "5c5e",
+ "5mfc",
+ "5f9c",
+ "7rg3",
+ "3nc6",
+ "7riz",
+ "3u3q",
+ "3em0",
+ "6hsn",
+ "3rj7",
+ "7ezr",
+ "5eqb",
+ "1xgp",
+ "6w13",
+ "7ldk",
+ "5cah",
+ "2jj8",
+ "4o6n",
+ "7foz",
+ "3svt",
+ "5vbk",
+ "4o5i",
+ "2bmo",
+ "4fqg",
+ "7chf",
+ "3v68",
+ "3ttj",
+ "7oyr",
+ "4e5r",
+ "2qkc",
+ "7rbt",
+ "4h3a",
+ "3kvy",
+ "5qn5",
+ "7uka",
+ "1amp",
+ "5lxe",
+ "5kmr",
+ "4gft",
+ "6jhm",
+ "2azb",
+ "6hyy",
+ "4n4u",
+ "2fhz",
+ "7wbz",
+ "3d4l",
+ "4gml",
+ "1k1u",
+ "3p2n",
+ "5hag",
+ "8flo",
+ "5qnx",
+ "1bxx",
+ "7dqh",
+ "5bx0",
+ "5qex",
+ "5j1r",
+ "5m9b",
+ "7dqi",
+ "7skf",
+ "2vef",
+ "2g5f",
+ "5iuu",
+ "7lio",
+ "7mq3",
+ "4uqw",
+ "5n4m",
+ "6qfh",
+ "5txx",
+ "7bph",
+ "6o44",
+ "5ng9",
+ "7pqx",
+ "2lxo",
+ "5b83",
+ "3vuu",
+ "2gsj",
+ "2m67",
+ "6pq2",
+ "5szt",
+ "2ca3",
+ "7b8j",
+ "6ayf",
+ "1pkq",
+ "4cau",
+ "5yvr",
+ "4ger",
+ "1icp",
+ "6k17",
+ "3mwk",
+ "4yu6",
+ "6ff4",
+ "7lw9",
+ "2uzh",
+ "2zp3",
+ "5jjf",
+ "5g5o",
+ "5xtp",
+ "5l1v",
+ "3v4e",
+ "3rro",
+ "6eya",
+ "4kzj",
+ "1e6v",
+ "4j1z",
+ "6twi",
+ "5c10",
+ "5kmb",
+ "5e33",
+ "4i27",
+ "4qom",
+ "7nai",
+ "1g07",
+ "6d0x",
+ "5psn",
+ "3d9m",
+ "5fh8",
+ "6emw",
+ "1tng",
+ "4l50",
+ "5u39",
+ "5bk3",
+ "5ppy",
+ "4e2j",
+ "7zig",
+ "1qjz",
+ "6tde",
+ "2v9g",
+ "1hff",
+ "3zt1",
+ "3hrr",
+ "1f1d",
+ "7jg5",
+ "6xl5",
+ "1tpz",
+ "4klb",
+ "4o5c",
+ "4pvk",
+ "2nb1",
+ "6omq",
+ "7n3k",
+ "1go5",
+ "5akh",
+ "1bk8",
+ "4jkg",
+ "7dtl",
+ "1qe1",
+ "7lkg",
+ "4jve",
+ "1p2v",
+ "7vq6",
+ "7x1k",
+ "1bd2",
+ "2bvb",
+ "4xb5",
+ "4q4s",
+ "5obu",
+ "2trm",
+ "3uhz",
+ "4o7i",
+ "6aw3",
+ "3gop",
+ "1h6c",
+ "4mww",
+ "7trf",
+ "2od8",
+ "6hsv",
+ "5cfl",
+ "4lnz",
+ "5jqi",
+ "4wa5",
+ "7n9d",
+ "3dvd",
+ "1grw",
+ "1zkb",
+ "6q31",
+ "1t3j",
+ "3igv",
+ "5dqo",
+ "3qlx",
+ "1hrn",
+ "4aor",
+ "2g70",
+ "2wno",
+ "2ydr",
+ "2fjr",
+ "1d1o",
+ "6zdv",
+ "7ag8",
+ "5hf9",
+ "7vex",
+ "6vxp",
+ "5o5o",
+ "5pm2",
+ "2esd",
+ "6u8l",
+ "7c75",
+ "6toh",
+ "3sdx",
+ "3uh5",
+ "5we2",
+ "1vxc",
+ "4pft",
+ "5av6",
+ "6qsd",
+ "4k8u",
+ "1azf",
+ "5ipf",
+ "7csx",
+ "5fxp",
+ "3zu3",
+ "2vev",
+ "1txj",
+ "5v90",
+ "4wp6",
+ "5zpv",
+ "3los",
+ "6z1e",
+ "6hns",
+ "4g2e",
+ "4lfx",
+ "1s9y",
+ "7p5g",
+ "3vkp",
+ "3zif",
+ "2q36",
+ "4cc2",
+ "2qri",
+ "7c6m",
+ "3j6h",
+ "6bd4",
+ "4z4r",
+ "8aun",
+ "5yrq",
+ "1g2k",
+ "3pmc",
+ "1gws",
+ "2vpv",
+ "1iwi",
+ "1mlf",
+ "7wr5",
+ "7msu",
+ "6igt",
+ "6bxv",
+ "1qo1",
+ "8d98",
+ "3wzu",
+ "6key",
+ "5aoh",
+ "7z25",
+ "4ysq",
+ "5dip",
+ "7oou",
+ "1gez",
+ "2nar",
+ "7ev4",
+ "5nut",
+ "1mq9",
+ "4fh5",
+ "3f6p",
+ "6rtv",
+ "7xao",
+ "5r9b",
+ "1vdj",
+ "6paf",
+ "6gfj",
+ "5wxj",
+ "7vek",
+ "6j2k",
+ "5r1o",
+ "4w5i",
+ "5t2b",
+ "6etf",
+ "6bxa",
+ "2amg",
+ "2cgu",
+ "5wkv",
+ "6nd3",
+ "6cg8",
+ "5uc1",
+ "3ugr",
+ "3aou",
+ "1hpx",
+ "3vfb",
+ "6l67",
+ "3zim",
+ "5xmu",
+ "5h25",
+ "6qh8",
+ "5cov",
+ "2nla",
+ "7xj5",
+ "6sqb",
+ "4md2",
+ "7b8c",
+ "4oqb",
+ "4oa7",
+ "2n90",
+ "1g58",
+ "7the",
+ "6dek",
+ "7t43",
+ "6jmv",
+ "2uyo",
+ "2ovo",
+ "3cph",
+ "7fk9",
+ "3ntg",
+ "6q09",
+ "6noc",
+ "4gbi",
+ "3qm4",
+ "7rbh",
+ "1eat",
+ "2j9t",
+ "2x7c",
+ "2evu",
+ "5esr",
+ "4yhj",
+ "7olm",
+ "4q1f",
+ "3k0f",
+ "1srd",
+ "3s18",
+ "1shn",
+ "5vol",
+ "3o7h",
+ "3e3i",
+ "7vvm",
+ "5ghv",
+ "6r8z",
+ "5qzo",
+ "4nx8",
+ "5cxg",
+ "2jaq",
+ "4f21",
+ "8df8",
+ "7jyb",
+ "5cpp",
+ "1li3",
+ "4q49",
+ "2fv5",
+ "5w9c",
+ "7t6i",
+ "2dwg",
+ "1b6r",
+ "1sjv",
+ "6t8l",
+ "4n79",
+ "3zbm",
+ "1h61",
+ "6spx",
+ "5cos",
+ "4bi4",
+ "1a6z",
+ "2y2c",
+ "4rlc",
+ "4c1e",
+ "2oup",
+ "7q0l",
+ "2xbn",
+ "4dro",
+ "1nid",
+ "2y70",
+ "5x3d",
+ "3wh1",
+ "6znd",
+ "1kt1",
+ "1a5h",
+ "2nos",
+ "3q7d",
+ "8apm",
+ "7yxr",
+ "1j1e",
+ "1s5b",
+ "3w6g",
+ "5n13",
+ "2hfz",
+ "4jdr",
+ "3wcc",
+ "5v1j",
+ "2nxz",
+ "7koh",
+ "6b5q",
+ "5dl5",
+ "3lt9",
+ "3i2z",
+ "5z4w",
+ "1cny",
+ "7s0l",
+ "7nxc",
+ "5oxp",
+ "1qzp",
+ "5c07",
+ "6yvw",
+ "4c0b",
+ "7q96",
+ "2jv7",
+ "5o6x",
+ "1nch",
+ "6s5x",
+ "1aec",
+ "1j84",
+ "1mw1",
+ "6b8q",
+ "5vhq",
+ "6igb",
+ "6ghl",
+ "1ynm",
+ "4tvo",
+ "3g2s",
+ "6wfs",
+ "5mrm",
+ "1uwj",
+ "5fwm",
+ "2o0j",
+ "3e1w",
+ "5tqz",
+ "4zk8",
+ "7r9y",
+ "2iji",
+ "5t2f",
+ "6a65",
+ "4dl2",
+ "7zii",
+ "6ad7",
+ "5pcb",
+ "1mla",
+ "1p1d",
+ "7z1p",
+ "3b7e",
+ "4ufo",
+ "1uyj",
+ "7lrf",
+ "1frh",
+ "2xha",
+ "2xzl",
+ "4e3h",
+ "2af5",
+ "2khj",
+ "2xnp",
+ "3n6g",
+ "2yp4",
+ "4hyp",
+ "6xcq",
+ "7xtn",
+ "2ejy",
+ "3vwv",
+ "7kjr",
+ "7vlp",
+ "6tfm",
+ "6sdt",
+ "1s7q",
+ "3mfh",
+ "1phn",
+ "2qi1",
+ "6o4p",
+ "6j3o",
+ "8how",
+ "4ak8",
+ "4pqz",
+ "6yri",
+ "6p7y",
+ "3mkt",
+ "5h37",
+ "6kr1",
+ "1krx",
+ "5y9n",
+ "1wv4",
+ "4hnc",
+ "5f86",
+ "4w5l",
+ "5cfz",
+ "1wzu",
+ "7kob",
+ "1dfg",
+ "1xjh",
+ "6pn2",
+ "5ksc",
+ "2cgh",
+ "7nv1",
+ "2nw0",
+ "4xrp",
+ "2iv0",
+ "2arw",
+ "8byk",
+ "4cvi",
+ "7e32",
+ "5hyr",
+ "5h5h",
+ "4jiv",
+ "6f4w",
+ "4jvw",
+ "4eof",
+ "6ifk",
+ "5ots",
+ "2dw1",
+ "1lf0",
+ "5yve",
+ "6iud",
+ "3a6k",
+ "6bry",
+ "7ogd",
+ "8aat",
+ "3obv",
+ "1qws",
+ "1a9q",
+ "3c17",
+ "6e3w",
+ "1bqe",
+ "3gpt",
+ "5fpl",
+ "7l76",
+ "7ysg",
+ "1erx",
+ "7exs",
+ "6kok",
+ "5i51",
+ "2z1c",
+ "5y5p",
+ "3e1i",
+ "6bw8",
+ "3bbh",
+ "4k4x",
+ "6fex",
+ "3oju",
+ "3ngy",
+ "1me4",
+ "4nri",
+ "4kv5",
+ "4zu5",
+ "3blg",
+ "3cvt",
+ "5bvt",
+ "6m6t",
+ "7vge",
+ "1oe5",
+ "4nyq",
+ "1fzv",
+ "5xmh",
+ "2v34",
+ "1du3",
+ "7nrs",
+ "7xc4",
+ "6v7u",
+ "4id8",
+ "5wwo",
+ "8b2t",
+ "3zvv",
+ "6uf5",
+ "4ioo",
+ "5eiq",
+ "1n5z",
+ "5ibn",
+ "5f87",
+ "2hp3",
+ "1zcd",
+ "5jcb",
+ "4xs0",
+ "6nzh",
+ "2e7f",
+ "6q0c",
+ "3muj",
+ "3iod",
+ "1ikt",
+ "4u9p",
+ "3zxs",
+ "4ttq",
+ "2r6s",
+ "5p3t",
+ "4opu",
+ "6r5a",
+ "3qdc",
+ "7dft",
+ "4qsm",
+ "2o63",
+ "3u0f",
+ "3uhw",
+ "6pm2",
+ "3n94",
+ "4cr0",
+ "1so8",
+ "3nps",
+ "2l9n",
+ "4j7t",
+ "3ld9",
+ "7kfv",
+ "2b6p",
+ "5f98",
+ "4cuc",
+ "7p15",
+ "6o31",
+ "1stp",
+ "4kb8",
+ "2ohm",
+ "3hch",
+ "5dyl",
+ "2iaq",
+ "5on2",
+ "5nbj",
+ "3eeb",
+ "4en9",
+ "2q64",
+ "1j49",
+ "3te3",
+ "8fh0",
+ "4lxu",
+ "6xzz",
+ "1b53",
+ "2mi1",
+ "1aek",
+ "2xf7",
+ "5vnw",
+ "5vyb",
+ "2om5",
+ "7mzg",
+ "1e10",
+ "5li7",
+ "6r74",
+ "5vmt",
+ "2pdf",
+ "4py8",
+ "6nou",
+ "2ckq",
+ "2wi4",
+ "1cc2",
+ "3ib9",
+ "6yob",
+ "6r6j",
+ "2a73",
+ "4onw",
+ "3sc6",
+ "4u0t",
+ "4fff",
+ "3q3h",
+ "5dkr",
+ "7mb4",
+ "1l2h",
+ "3um5",
+ "2azl",
+ "3cif",
+ "2o3q",
+ "6hzz",
+ "2y8q",
+ "6jvf",
+ "1u00",
+ "5pkv",
+ "4u2n",
+ "7jrj",
+ "2w2t",
+ "6rwu",
+ "5xmp",
+ "4eih",
+ "6oxw",
+ "5n4p",
+ "4kpc",
+ "7b9y",
+ "6py1",
+ "1d1m",
+ "4l4s",
+ "2wxq",
+ "3kje",
+ "1re9",
+ "3rem",
+ "4r6u",
+ "1p6t",
+ "3pko",
+ "4b2i",
+ "2h92",
+ "1ez4",
+ "1zoi",
+ "3zsi",
+ "1sj7",
+ "1ukm",
+ "4ty6",
+ "2cni",
+ "7vf3",
+ "3ia2",
+ "4di4",
+ "6szn",
+ "7xf9",
+ "3x2t",
+ "1jvw",
+ "6chk",
+ "5xtd",
+ "3hk6",
+ "4u7g",
+ "1j0c",
+ "4pbx",
+ "5fp8",
+ "5kh7",
+ "6x2r",
+ "6roy",
+ "1esz",
+ "3g1s",
+ "8amw",
+ "5xh9",
+ "6sqy",
+ "3l9s",
+ "6jcv",
+ "2br1",
+ "4cqa",
+ "6u03",
+ "3w5q",
+ "2n81",
+ "1fx9",
+ "3nq8",
+ "1j1g",
+ "5dfs",
+ "7ohf",
+ "6ugc",
+ "5zk9",
+ "6i8p",
+ "5yi0",
+ "4fbu",
+ "4jkz",
+ "2iom",
+ "2b68",
+ "4hjv",
+ "7l3a",
+ "6yl4",
+ "4och",
+ "5mgk",
+ "7fdf",
+ "7nio",
+ "4cav",
+ "6bcf",
+ "1v6v",
+ "7qru",
+ "5gvh",
+ "4u54",
+ "7wab",
+ "1cbg",
+ "6tb4",
+ "6p1g",
+ "5odk",
+ "6cni",
+ "6roe",
+ "6o42",
+ "5agx",
+ "6m3i",
+ "3nqc",
+ "7btp",
+ "4rv6",
+ "7a77",
+ "2o9v",
+ "4oda",
+ "6c75",
+ "7cuh",
+ "6occ",
+ "1d4v",
+ "1mxs",
+ "4x68",
+ "2ru9",
+ "6i89",
+ "4l33",
+ "5bu5",
+ "7p5p",
+ "6bos",
+ "1x1a",
+ "2j4b",
+ "6gf3",
+ "6d0d",
+ "2pne",
+ "1j07",
+ "5qzw",
+ "7fob",
+ "6spq",
+ "4uat",
+ "6zex",
+ "5jxk",
+ "3u1j",
+ "5jzw",
+ "2med",
+ "2khg",
+ "1y4t",
+ "6nem",
+ "3b0p",
+ "1tdw",
+ "5fhr",
+ "4qgv",
+ "6bmr",
+ "8abg",
+ "6zaf",
+ "5zmq",
+ "4bzi",
+ "5jel",
+ "1zk5",
+ "2pqy",
+ "6xib",
+ "5ht2",
+ "1et8",
+ "6xif",
+ "4n8n",
+ "4zro",
+ "3dhd",
+ "3bmz",
+ "2a72",
+ "4ciy",
+ "2ydk",
+ "5z62",
+ "4rf2",
+ "6y4g",
+ "7jmc",
+ "2k14",
+ "5y2r",
+ "7l2w",
+ "2d3z",
+ "6k9x",
+ "7d8q",
+ "6bq8",
+ "1ceb",
+ "4g4q",
+ "6m56",
+ "8dgl",
+ "2zqy",
+ "5s5o",
+ "7rna",
+ "5stj",
+ "3fei",
+ "7c2m",
+ "1k8c",
+ "4bpt",
+ "8i5h",
+ "1pm9",
+ "6kb0",
+ "7nlg",
+ "6f7d",
+ "1aaw",
+ "4n19",
+ "5aio",
+ "1npk",
+ "1okr",
+ "3szz",
+ "7qzc",
+ "5ecv",
+ "3te2",
+ "2h43",
+ "1zca",
+ "7yis",
+ "4oef",
+ "2zee",
+ "1nn3",
+ "5vw8",
+ "5vtu",
+ "3nll",
+ "1mep",
+ "5ywt",
+ "4xyo",
+ "9atc",
+ "5e7i",
+ "3asg",
+ "1bxg",
+ "5sq6",
+ "6v20",
+ "5vo1",
+ "3k46",
+ "2rge",
+ "3qo1",
+ "3u5z",
+ "4y16",
+ "5lao",
+ "2qft",
+ "2vew",
+ "1hy1",
+ "1oio",
+ "4pd1",
+ "7wyp",
+ "3c8y",
+ "5dqv",
+ "4n4m",
+ "2lmv",
+ "4uem",
+ "6m09",
+ "6v9c",
+ "5fr8",
+ "3k54",
+ "3dww",
+ "5j2j",
+ "1g4v",
+ "6asu",
+ "3lzd",
+ "1c2y",
+ "5p4h",
+ "5thh",
+ "4dhx",
+ "2jrz",
+ "6txc",
+ "5ag6",
+ "1be8",
+ "2ymt",
+ "1xoo",
+ "4qpt",
+ "5jcn",
+ "6b0v",
+ "2c0d",
+ "5ark",
+ "5enl",
+ "1svq",
+ "1hk2",
+ "1i8d",
+ "5mai",
+ "7oo2",
+ "2bxx",
+ "6oe9",
+ "1rem",
+ "6ogj",
+ "4gkn",
+ "1gdr",
+ "4quw",
+ "6sa3",
+ "1s9h",
+ "1xaw",
+ "2f78",
+ "6g8n",
+ "6oqo",
+ "6u3t",
+ "6a7a",
+ "4c16",
+ "7qki",
+ "6xmj",
+ "6yg6",
+ "7kwh",
+ "2onx",
+ "6wmd",
+ "1fbh",
+ "2iyf",
+ "5gs4",
+ "4lrx",
+ "6h5b",
+ "3l2k",
+ "4zqo",
+ "6nxj",
+ "4nq8",
+ "1fta",
+ "6l6f",
+ "1ak5",
+ "6pac",
+ "6ykq",
+ "6qsr",
+ "2c1f",
+ "1h6a",
+ "6iy2",
+ "3cwb",
+ "4ay5",
+ "6wh9",
+ "3tjz",
+ "2vcj",
+ "1yc1",
+ "1dma",
+ "7n59",
+ "5tbs",
+ "4wkh",
+ "5f4b",
+ "5wpj",
+ "4qi8",
+ "1g1t",
+ "7dwc",
+ "7ppl",
+ "7cc2",
+ "4p4m",
+ "2fqe",
+ "2v76",
+ "2p9a",
+ "1gi7",
+ "6loz",
+ "6th2",
+ "6b8o",
+ "5ji7",
+ "1fi5",
+ "7k2g",
+ "4tpy",
+ "4qbu",
+ "3c6l",
+ "6h1o",
+ "2ll2",
+ "5eex",
+ "4a9y",
+ "6ujx",
+ "7rhy",
+ "5gy8",
+ "1p6m",
+ "7oe2",
+ "5ojv",
+ "5n94",
+ "5pzf",
+ "6c23",
+ "3o6z",
+ "5yvk",
+ "4onk",
+ "3l7m",
+ "7fc0",
+ "1t63",
+ "5nde",
+ "6k3n",
+ "1r0s",
+ "6esl",
+ "6dol",
+ "5ee0",
+ "1e5k",
+ "1sj8",
+ "6rup",
+ "5c4r",
+ "2giz",
+ "2liw",
+ "2q8q",
+ "2h2f",
+ "6rte",
+ "7sng",
+ "3v8q",
+ "3iym",
+ "4wy6",
+ "6pgj",
+ "1jm6",
+ "3az2",
+ "7xmu",
+ "2hfc",
+ "4grw",
+ "4eua",
+ "5xk7",
+ "2arq",
+ "1w96",
+ "4is9",
+ "6w0h",
+ "5nuo",
+ "2bpz",
+ "6z9g",
+ "2q9g",
+ "2yd5",
+ "1ygb",
+ "4j3i",
+ "1qt4",
+ "7nds",
+ "1ahh",
+ "1yqs",
+ "7nms",
+ "4n7y",
+ "6eej",
+ "4rgn",
+ "5moe",
+ "4f01",
+ "4x7j",
+ "2feb",
+ "5ohn",
+ "6dp5",
+ "1csr",
+ "5u7v",
+ "1tlb",
+ "1doj",
+ "7q5q",
+ "2as4",
+ "3kne",
+ "5u5k",
+ "1mpp",
+ "4r6e",
+ "4tf4",
+ "2og1",
+ "3q43",
+ "4bwd",
+ "3rel",
+ "5g2q",
+ "5zt7",
+ "1sfw",
+ "2y71",
+ "1xej",
+ "6ofz",
+ "2zrq",
+ "2cad",
+ "3pn2",
+ "6mfo",
+ "7a17",
+ "6zci",
+ "4in3",
+ "1hbs",
+ "6b26",
+ "1daf",
+ "6i2f",
+ "1atx",
+ "5pv0",
+ "4h98",
+ "2clh",
+ "1i8q",
+ "1cvo",
+ "3sce",
+ "4j8r",
+ "4whn",
+ "4nxx",
+ "4oc3",
+ "5pi9",
+ "7bs1",
+ "6qv0",
+ "3p68",
+ "4urp",
+ "5jym",
+ "1opk",
+ "6e43",
+ "4xoe",
+ "7nec",
+ "5z54",
+ "1csz",
+ "1l3e",
+ "1cil",
+ "3q78",
+ "6cl6",
+ "7bf4",
+ "1m5f",
+ "7d87",
+ "4zm2",
+ "4zyz",
+ "5t2m",
+ "3afv",
+ "4ys0",
+ "6ojd",
+ "4enj",
+ "6ktc",
+ "6fm1",
+ "2dtd",
+ "1eq9",
+ "6cko",
+ "5vu9",
+ "2pxf",
+ "6d2i",
+ "2jz3",
+ "1qig",
+ "6s1a",
+ "5rv0",
+ "4ir6",
+ "5mur",
+ "6a00",
+ "5t9u",
+ "7nkj",
+ "7xy0",
+ "9est",
+ "4uj3",
+ "1kjt",
+ "3ik8",
+ "3w2d",
+ "8fyq",
+ "7aba",
+ "3mz4",
+ "3lv6",
+ "6qwc",
+ "7e0s",
+ "6n99",
+ "2gtm",
+ "6xqf",
+ "7qmf",
+ "2rdi",
+ "6c2c",
+ "4dly",
+ "3nr4",
+ "6i9j",
+ "5p0q",
+ "6a7f",
+ "1pbv",
+ "2wh7",
+ "6lln",
+ "3cmz",
+ "6uku",
+ "4hpn",
+ "6o3g",
+ "3gew",
+ "5mgi",
+ "4or6",
+ "4h8z",
+ "5m8g",
+ "2m4h",
+ "7n5i",
+ "6oec",
+ "3rnm",
+ "5fpu",
+ "5kst",
+ "1si3",
+ "6x2v",
+ "3iu8",
+ "5pg8",
+ "6igx",
+ "5iud",
+ "4y7f",
+ "3l40",
+ "7cek",
+ "1kux",
+ "5dck",
+ "1jlz",
+ "1jjh",
+ "3s2k",
+ "7m86",
+ "6ddp",
+ "3jzf",
+ "2wxc",
+ "1rxg",
+ "1db1",
+ "5pry",
+ "1ufp",
+ "5b7c",
+ "6vde",
+ "1vj7",
+ "7d25",
+ "4hv5",
+ "5qmx",
+ "7msn",
+ "6afw",
+ "8fbn",
+ "2cvd",
+ "5ti6",
+ "1afu",
+ "2z6k",
+ "1uth",
+ "6fx3",
+ "7o58",
+ "5dlj",
+ "2zv8",
+ "3bps",
+ "3zlr",
+ "8dfu",
+ "7td8",
+ "2r2l",
+ "3ffw",
+ "1gj9",
+ "2it4",
+ "4y81",
+ "4ecv",
+ "2x96",
+ "7r6x",
+ "2hwy",
+ "2bev",
+ "6efc",
+ "6jn4",
+ "4qw2",
+ "6jkh",
+ "1ykl",
+ "6avw",
+ "5ect",
+ "6axz",
+ "5ab4",
+ "1r7c",
+ "6m7t",
+ "3at9",
+ "6i60",
+ "1htw",
+ "3a3q",
+ "3g2c",
+ "1xfr",
+ "3wp6",
+ "6kxo",
+ "1f0n",
+ "6u2h",
+ "7y1t",
+ "4o3c",
+ "4ij3",
+ "4xg9",
+ "6jyo",
+ "7auc",
+ "6s6k",
+ "6z70",
+ "1mpg",
+ "6h0g",
+ "5c5k",
+ "5bmh",
+ "3gz6",
+ "6xkm",
+ "6tlo",
+ "2cme",
+ "6gvw",
+ "5vg0",
+ "7c2p",
+ "1l6i",
+ "3vo0",
+ "1exb",
+ "5vgx",
+ "6ii2",
+ "1hgj",
+ "2bkx",
+ "6tbp",
+ "6hrr",
+ "2cn4",
+ "5m08",
+ "4l4a",
+ "7uyk",
+ "7wbn",
+ "2loq",
+ "3udy",
+ "1q4s",
+ "7c66",
+ "3qv9",
+ "3hqa",
+ "4ytq",
+ "7s8s",
+ "1x1t",
+ "4dny",
+ "5zgo",
+ "5hoi",
+ "6ael",
+ "5k79",
+ "5qj0",
+ "1ymc",
+ "3wu4",
+ "4a2c",
+ "4qc2",
+ "2b2u",
+ "6qaz",
+ "1iir",
+ "5qnu",
+ "7o0c",
+ "4eeo",
+ "6oe5",
+ "2j0y",
+ "6yle",
+ "1q6j",
+ "1swg",
+ "6j0l",
+ "7vd4",
+ "6seg",
+ "7q6j",
+ "5uny",
+ "5pde",
+ "1dfc",
+ "3k7n",
+ "7tkh",
+ "1he4",
+ "3ev0",
+ "2bct",
+ "2cm7",
+ "6kgk",
+ "2jew",
+ "6p8e",
+ "6rjk",
+ "6vm5",
+ "7auo",
+ "1xfh",
+ "4li4",
+ "3cib",
+ "3sii",
+ "6pg6",
+ "5yzi",
+ "2jie",
+ "7vnx",
+ "7lvo",
+ "6qlg",
+ "5yz6",
+ "1sjg",
+ "3dhy",
+ "7byq",
+ "1sg0",
+ "3lwn",
+ "5pyu",
+ "7rd5",
+ "6njj",
+ "7bbi",
+ "1vii",
+ "6y4j",
+ "5ag9",
+ "5ams",
+ "5h7n",
+ "5tgu",
+ "7na9",
+ "1ldi",
+ "3frt",
+ "2b82",
+ "6qfg",
+ "7eca",
+ "5vll",
+ "2a8d",
+ "2oox",
+ "1bx8",
+ "7qrc",
+ "4b7r",
+ "3pq3",
+ "7mmn",
+ "4b94",
+ "6az2",
+ "6ruk",
+ "3fxv",
+ "2nwc",
+ "5pvm",
+ "1rvz",
+ "3hhj",
+ "4obj",
+ "7rm9",
+ "1a54",
+ "7buw",
+ "2onk",
+ "4tx4",
+ "5r0b",
+ "2jpt",
+ "1tx6",
+ "4mb4",
+ "3ilp",
+ "1ijp",
+ "3vhz",
+ "7lbq",
+ "7qrx",
+ "5x90",
+ "7bhn",
+ "5teq",
+ "5fqb",
+ "6y0d",
+ "6qwo",
+ "6fqk",
+ "7bzx",
+ "5ebk",
+ "7khj",
+ "5feg",
+ "4zbz",
+ "4wdt",
+ "7lqs",
+ "4bup",
+ "4d4r",
+ "5mbw",
+ "6nzo",
+ "5jnl",
+ "3s0i",
+ "3vup",
+ "6md2",
+ "1fqn",
+ "5kv8",
+ "6yrk",
+ "7og9",
+ "5op2",
+ "5jqu",
+ "6xx7",
+ "1e8l",
+ "4a98",
+ "3fmg",
+ "4s1z",
+ "1k5a",
+ "6jue",
+ "7mik",
+ "7xpk",
+ "5zcb",
+ "4quf",
+ "3o3b",
+ "5wgt",
+ "4p84",
+ "4lcf",
+ "6hyf",
+ "4f87",
+ "1gnl",
+ "2c1c",
+ "8daz",
+ "5d0i",
+ "1i4w",
+ "1kw7",
+ "7kdt",
+ "5pmk",
+ "7fno",
+ "3c5v",
+ "3zzo",
+ "2wf9",
+ "5peu",
+ "2mv9",
+ "7l3b",
+ "7m1d",
+ "4bxd",
+ "7nt2",
+ "3rig",
+ "4zxe",
+ "3c22",
+ "4x9x",
+ "5m5u",
+ "3wqz",
+ "4mzh",
+ "5b2i",
+ "5doc",
+ "1r62",
+ "3g0q",
+ "6yhc",
+ "2a7y",
+ "6x47",
+ "1gq7",
+ "3ga5",
+ "1itp",
+ "1ldn",
+ "4v04",
+ "5ukb",
+ "5xlk",
+ "4dtp",
+ "5aus",
+ "5o3w",
+ "3zhi",
+ "7dwv",
+ "7pkf",
+ "6t0g",
+ "3hl8",
+ "3gc7",
+ "2bxc",
+ "2msn",
+ "2rts",
+ "3jpn",
+ "3sll",
+ "5k18",
+ "6jq1",
+ "4l2f",
+ "2zgr",
+ "5l9i",
+ "1euh",
+ "4bsv",
+ "3hon",
+ "5o0y",
+ "2dri",
+ "4zhc",
+ "3l5n",
+ "4yn4",
+ "5ktb",
+ "4zxv",
+ "1ca0",
+ "6ozz",
+ "6nfx",
+ "6d7u",
+ "7kbe",
+ "2okt",
+ "4ii7",
+ "4fcr",
+ "2wzb",
+ "5obp",
+ "7p1s",
+ "2dty",
+ "6h4z",
+ "7eot",
+ "4msx",
+ "4rmc",
+ "7nfr",
+ "1e3a",
+ "5m8h",
+ "4wqm",
+ "5jt1",
+ "6xrn",
+ "5b76",
+ "6u67",
+ "4tnm",
+ "5qe8",
+ "5x2j",
+ "5ya8",
+ "5on9",
+ "1ktp",
+ "1beg",
+ "6yc6",
+ "1eum",
+ "5kem",
+ "1ywh",
+ "1sl3",
+ "3q60",
+ "4kxl",
+ "3tpj",
+ "7ci7",
+ "8bcq",
+ "5epa",
+ "3enw",
+ "3e5k",
+ "2hxa",
+ "6tmi",
+ "2lz6",
+ "183l",
+ "6i3i",
+ "2z3c",
+ "8are",
+ "1cwt",
+ "3iqe",
+ "6lry",
+ "4fvp",
+ "4znv",
+ "5rtq",
+ "2a59",
+ "7n8o",
+ "3fsa",
+ "5vhp",
+ "1xlm",
+ "5ta0",
+ "6d94",
+ "7y8z",
+ "3hiv",
+ "2xws",
+ "2vss",
+ "4kcv",
+ "2w2p",
+ "3bbu",
+ "8a4e",
+ "3i9y",
+ "4gko",
+ "2f3e",
+ "1mxw",
+ "5vm0",
+ "6bl1",
+ "5bk4",
+ "5qyo",
+ "6pzf",
+ "3gjf",
+ "7dnp",
+ "6com",
+ "6zmv",
+ "4leo",
+ "5u3o",
+ "3fpe",
+ "4r95",
+ "3ga1",
+ "2roc",
+ "3mc8",
+ "5wl3",
+ "1jl0",
+ "8dpb",
+ "5uxh",
+ "6vim",
+ "5o9u",
+ "4g2y",
+ "5l3v",
+ "6vj3",
+ "7asg",
+ "5nb6",
+ "4be5",
+ "6xjr",
+ "3eks",
+ "8gr9",
+ "7kkp",
+ "3mhk",
+ "4bx2",
+ "7t83",
+ "6gxg",
+ "4ah2",
+ "3lun",
+ "7em9",
+ "5wf7",
+ "2b75",
+ "3o4n",
+ "1ba4",
+ "5f47",
+ "6akg",
+ "3hpl",
+ "5av0",
+ "5od1",
+ "6sdu",
+ "2y3b",
+ "3h9r",
+ "2pit",
+ "4ouc",
+ "3vbv",
+ "4rel",
+ "6o8h",
+ "7n35",
+ "7kdr",
+ "6pka",
+ "1uze",
+ "5wzi",
+ "2pau",
+ "7lnx",
+ "1lj2",
+ "1yvz",
+ "3wvv",
+ "1hkx",
+ "5v41",
+ "7xuc",
+ "7br0",
+ "7n6k",
+ "1x3f",
+ "3a3n",
+ "6fmh",
+ "4zlt",
+ "6r11",
+ "6rld",
+ "5wbg",
+ "2jbk",
+ "2cu7",
+ "6z9w",
+ "5dyz",
+ "2c0f",
+ "3lrk",
+ "2e4y",
+ "1psz",
+ "6zh5",
+ "6oy9",
+ "6ai2",
+ "5h6n",
+ "7jwi",
+ "2q9b",
+ "7ujl",
+ "6i9a",
+ "2m6u",
+ "5bqi",
+ "1jf9",
+ "1e7y",
+ "3ta8",
+ "4h5o",
+ "3l45",
+ "4j6u",
+ "2nzy",
+ "4ede",
+ "3j30",
+ "1aqj",
+ "5pjy",
+ "1s4s",
+ "5kdo",
+ "5mik",
+ "3ve5",
+ "3w30",
+ "5wgv",
+ "7e5j",
+ "8ajx",
+ "5y29",
+ "1m7b",
+ "7fc3",
+ "4dnf",
+ "1mkd",
+ "1pv1",
+ "2itq",
+ "4qt7",
+ "4z39",
+ "3zlg",
+ "2lj5",
+ "2z3d",
+ "2dff",
+ "1qgt",
+ "6l0o",
+ "7kux",
+ "6gmf",
+ "3ne5",
+ "1ch2",
+ "4oiw",
+ "4wmd",
+ "6d6s",
+ "4ral",
+ "4arc",
+ "1y3k",
+ "6q55",
+ "6dst",
+ "3g7z",
+ "1g82",
+ "1juf",
+ "6wt7",
+ "3h3k",
+ "6kzl",
+ "1ptw",
+ "5lj0",
+ "3fne",
+ "7nmp",
+ "6et7",
+ "6yeu",
+ "5jw3",
+ "4eh9",
+ "3nk7",
+ "2ve9",
+ "6ifr",
+ "4d01",
+ "6vt0",
+ "7o0h",
+ "7dkm",
+ "6g3z",
+ "4uof",
+ "2nt1",
+ "5plu",
+ "2j9w",
+ "4ngz",
+ "1cz5",
+ "3dlv",
+ "7yz7",
+ "1de7",
+ "2c8u",
+ "5iug",
+ "5hyd",
+ "2g6w",
+ "6bov",
+ "5qm9",
+ "5ae9",
+ "6xi6",
+ "7xmd",
+ "5dax",
+ "3wig",
+ "1rri",
+ "7rfk",
+ "3hk7",
+ "5bym",
+ "6ka9",
+ "5jgq",
+ "6qyl",
+ "5buu",
+ "2gcj",
+ "6n6h",
+ "3v5y",
+ "7rm1",
+ "2iq0",
+ "7bxa",
+ "6r43",
+ "1dft",
+ "2n4h",
+ "2z8i",
+ "4qtt",
+ "1bc1",
+ "6mfs",
+ "3wbj",
+ "3sfv",
+ "1ll7",
+ "6jz2",
+ "6apm",
+ "6bzl",
+ "7bhr",
+ "1i11",
+ "3o9s",
+ "4prf",
+ "5n0f",
+ "1j9w",
+ "3rbk",
+ "3s6t",
+ "5whb",
+ "5rv1",
+ "5s3a",
+ "3hmk",
+ "5m7l",
+ "5r11",
+ "6ogl",
+ "6rv5",
+ "1efv",
+ "1in7",
+ "3r9d",
+ "6je8",
+ "4y2p",
+ "4zaw",
+ "5ak7",
+ "4dvi",
+ "6be1",
+ "1hyi",
+ "4kel",
+ "4bu0",
+ "4o8o",
+ "1oww",
+ "4oc0",
+ "4xbc",
+ "2b3o",
+ "4nuc",
+ "5moi",
+ "7cae",
+ "6mil",
+ "1bue",
+ "3vje",
+ "2axr",
+ "6gxj",
+ "4kyo",
+ "5ck9",
+ "3nup",
+ "4bry",
+ "7pcu",
+ "4lo6",
+ "2p6n",
+ "2keb",
+ "4o9u",
+ "5r1i",
+ "6nuu",
+ "5yy9",
+ "1opo",
+ "5w2z",
+ "6q1h",
+ "4rtl",
+ "3q2t",
+ "3vu2",
+ "5iav",
+ "5t6l",
+ "5avb",
+ "1amw",
+ "3gpe",
+ "6ywj",
+ "4a2x",
+ "6zih",
+ "1iei",
+ "1hn9",
+ "4fvr",
+ "4o66",
+ "1jh4",
+ "6dpp",
+ "1tg9",
+ "6sbr",
+ "6gex",
+ "2l22",
+ "7o4i",
+ "2z9w",
+ "7s3g",
+ "2qwn",
+ "2f1x",
+ "7kp6",
+ "6p6j",
+ "1sal",
+ "4zwz",
+ "7kj7",
+ "7aye",
+ "2qif",
+ "8dyf",
+ "7bxh",
+ "7ozq",
+ "1k96",
+ "2y1j",
+ "1r7y",
+ "5ndb",
+ "6rih",
+ "3ak2",
+ "2bys",
+ "4jmk",
+ "1fce",
+ "5l47",
+ "4ybl",
+ "5hod",
+ "6txj",
+ "7avq",
+ "6ozb",
+ "7x5f",
+ "2m7k",
+ "4jnk",
+ "4i5z",
+ "4q7p",
+ "6xgp",
+ "2i5f",
+ "5zha",
+ "6xa8",
+ "3ucn",
+ "2clq",
+ "1b13",
+ "3c2o",
+ "3ze2",
+ "2mu6",
+ "5jgx",
+ "6fz1",
+ "6vso",
+ "2ecr",
+ "6uud",
+ "7llp",
+ "5fxs",
+ "6s3a",
+ "3w79",
+ "7n5f",
+ "7xxg",
+ "5glt",
+ "7zzu",
+ "1hcn",
+ "5lh3",
+ "6z24",
+ "3jpr",
+ "1nua",
+ "1r3j",
+ "3ti7",
+ "5imn",
+ "5kyb",
+ "1guq",
+ "6i58",
+ "7jsh",
+ "1on4",
+ "4hlw",
+ "7nwr",
+ "6kdx",
+ "4xhr",
+ "6qeg",
+ "7ab1",
+ "4uh6",
+ "8bf5",
+ "5zrh",
+ "4h52",
+ "2kza",
+ "2ok5",
+ "1keu",
+ "6cxb",
+ "7xs4",
+ "7ndx",
+ "6by2",
+ "4qvg",
+ "4zre",
+ "3d5x",
+ "6rzt",
+ "2rsd",
+ "4e1z",
+ "1xni",
+ "1v1s",
+ "7ewm",
+ "3f2f",
+ "3idi",
+ "230l",
+ "3h2h",
+ "5yrx",
+ "6uo3",
+ "5os2",
+ "4mxl",
+ "3gy3",
+ "6ygn",
+ "1q1h",
+ "2kmy",
+ "6m6s",
+ "7tlr",
+ "1c0e",
+ "7kih",
+ "1wwe",
+ "6t64",
+ "4xko",
+ "6w8z",
+ "3nvw",
+ "7p2y",
+ "5e70",
+ "5yux",
+ "5z8k",
+ "2jih",
+ "7jl3",
+ "6fir",
+ "7f2u",
+ "2zmv",
+ "2yj9",
+ "4z88",
+ "7re9",
+ "2zcr",
+ "7c6y",
+ "2f8s",
+ "2h0r",
+ "1eyd",
+ "5bqq",
+ "4cl3",
+ "6pv8",
+ "3np4",
+ "5tbc",
+ "1m9m",
+ "4ryx",
+ "4d2w",
+ "1zae",
+ "5gs9",
+ "4bx6",
+ "4r2q",
+ "3mds",
+ "1gun",
+ "5fd0",
+ "6mcy",
+ "2h2e",
+ "6hw4",
+ "2f7b",
+ "6k1i",
+ "2j4f",
+ "6wef",
+ "1oqp",
+ "2ih1",
+ "4ocm",
+ "1zeg",
+ "1p19",
+ "7dkg",
+ "4edt",
+ "5cgm",
+ "5e0t",
+ "4xg2",
+ "8hik",
+ "4k1x",
+ "2lw9",
+ "7nb5",
+ "5xwv",
+ "3u1c",
+ "1ver",
+ "4hdv",
+ "2xq1",
+ "3o8i",
+ "1ge0",
+ "1qb3",
+ "1q6n",
+ "3rv3",
+ "7otd",
+ "4l4u",
+ "4ms8",
+ "3t1s",
+ "3mm0",
+ "2qio",
+ "1bwn",
+ "5l8u",
+ "5uex",
+ "6rq3",
+ "4tz3",
+ "2f8t",
+ "4lzj",
+ "3ft2",
+ "6fpx",
+ "1fqe",
+ "1ryk",
+ "5mi2",
+ "4afn",
+ "6qx1",
+ "7trg",
+ "5uw3",
+ "5oay",
+ "5m5r",
+ "2zsp",
+ "1dko",
+ "5nhk",
+ "2n4t",
+ "6afa",
+ "4rsr",
+ "5wex",
+ "5xu9",
+ "4tlk",
+ "4ugj",
+ "6yk3",
+ "3uk9",
+ "6ztf",
+ "5ek0",
+ "8fu6",
+ "6wpj",
+ "1h94",
+ "2j68",
+ "5eod",
+ "3b2q",
+ "2xl1",
+ "1lts",
+ "1ae5",
+ "3zmq",
+ "7rki",
+ "7mod",
+ "2w77",
+ "1yxd",
+ "5cwd",
+ "5ixc",
+ "4fap",
+ "4kvl",
+ "5r14",
+ "4pik",
+ "3byh",
+ "4h4f",
+ "3k5o",
+ "3rqp",
+ "3aqn",
+ "7dw6",
+ "4n39",
+ "2htr",
+ "2x6s",
+ "6y3j",
+ "5vjo",
+ "1mvt",
+ "2mx0",
+ "5pb9",
+ "7yit",
+ "6yc7",
+ "6opy",
+ "2m79",
+ "7a1j",
+ "5yew",
+ "2m1s",
+ "3qwr",
+ "3kp3",
+ "1l1y",
+ "1hux",
+ "7oor",
+ "6rr4",
+ "1a7h",
+ "1l34",
+ "1r14",
+ "1zmm",
+ "6t1t",
+ "5ax7",
+ "3rk2",
+ "5s64",
+ "4jt0",
+ "7t8z",
+ "4x7r",
+ "1re1",
+ "6mrs",
+ "3j6t",
+ "2vik",
+ "5e9o",
+ "5xsu",
+ "8em1",
+ "5tyk",
+ "2mpq",
+ "5g6t",
+ "5jv3",
+ "6sbe",
+ "2jxd",
+ "3ivk",
+ "7q7t",
+ "2l6u",
+ "4l79",
+ "2cnx",
+ "3zf8",
+ "4fiv",
+ "6ryb",
+ "3ebm",
+ "6qhl",
+ "4gzt",
+ "3mte",
+ "1prg",
+ "5m1b",
+ "8dt0",
+ "5j6g",
+ "4d0v",
+ "7ptp",
+ "7axr",
+ "5fnk",
+ "1h8m",
+ "1l9e",
+ "7k9s",
+ "4u1w",
+ "1m01",
+ "1cal",
+ "6j2b",
+ "6rqe",
+ "1yqz",
+ "2zok",
+ "4ts3",
+ "7tn2",
+ "3i5i",
+ "6r0t",
+ "2ckn",
+ "2ka6",
+ "1kp4",
+ "6vtz",
+ "1arz",
+ "7s31",
+ "4jpy",
+ "6c7z",
+ "4n76",
+ "5vmz",
+ "5gww",
+ "6mqd",
+ "5g45",
+ "3vi3",
+ "7me0",
+ "2e3m",
+ "2z5n",
+ "5uwa",
+ "6n01",
+ "1vqq",
+ "3lq3",
+ "1ro9",
+ "2qts",
+ "7jvx",
+ "5kmg",
+ "1o3e",
+ "5nmj",
+ "7ph2",
+ "1w4b",
+ "3k4t",
+ "7qam",
+ "4qn7",
+ "2afd",
+ "3cn9",
+ "1mqb",
+ "2hp4",
+ "1syi",
+ "5j47",
+ "2ky6",
+ "5ybq",
+ "1ebo",
+ "1gol",
+ "3ny7",
+ "6u2f",
+ "5rdw",
+ "4gvu",
+ "3dhx",
+ "6eja",
+ "4zye",
+ "5cbn",
+ "4a1u",
+ "7viz",
+ "3du6",
+ "1hfw",
+ "3v8o",
+ "3q8d",
+ "7o70",
+ "2wui",
+ "1a79",
+ "5kp7",
+ "5ypl",
+ "1gtp",
+ "6o47",
+ "6a3v",
+ "5kxd",
+ "7x0h",
+ "6p8q",
+ "5g0q",
+ "6sv9",
+ "1qhc",
+ "5i0h",
+ "3u3h",
+ "3f8n",
+ "6vhw",
+ "4v0h",
+ "5hkp",
+ "5eyg",
+ "7r7d",
+ "5dfl",
+ "7qny",
+ "4a8g",
+ "2exx",
+ "5u2t",
+ "4hww",
+ "6vle",
+ "4bcx",
+ "3w65",
+ "7t57",
+ "7s89",
+ "8eek",
+ "1k5p",
+ "7vuk",
+ "1p1x",
+ "4nu0",
+ "3edq",
+ "7dic",
+ "2z4z",
+ "3top",
+ "1ia2",
+ "1pje",
+ "4eda",
+ "5neu",
+ "6wap",
+ "2gsk",
+ "1d6s",
+ "4bb3",
+ "5mep",
+ "5afm",
+ "6opb",
+ "4pis",
+ "1ezd",
+ "3ijg",
+ "3sjh",
+ "5e66",
+ "1kpr",
+ "3zx5",
+ "2wzc",
+ "5zg3",
+ "2v2t",
+ "3mlp",
+ "6b00",
+ "1f9n",
+ "3hgw",
+ "4dmw",
+ "1rms",
+ "1y6b",
+ "6b6q",
+ "1gyp",
+ "1gfw",
+ "2gaq",
+ "5fnl",
+ "5v7y",
+ "5okb",
+ "6hji",
+ "1bo0",
+ "3ee5",
+ "5r1a",
+ "1trd",
+ "6okf",
+ "4es6",
+ "6wki",
+ "4bd0",
+ "1qnu",
+ "2n2e",
+ "2lyw",
+ "5jjn",
+ "6iz3",
+ "5doo",
+ "6pvn",
+ "3i9z",
+ "6z2z",
+ "6igd",
+ "7l2m",
+ "7yy3",
+ "4aj1",
+ "3bfw",
+ "3kqi",
+ "3t70",
+ "3o9g",
+ "1x8h",
+ "5uup",
+ "4b6i",
+ "6bs8",
+ "5fj4",
+ "4nsq",
+ "1yeo",
+ "7lmr",
+ "3rkc",
+ "3r2x",
+ "3axi",
+ "6u9k",
+ "1dck",
+ "1aqs",
+ "3hgx",
+ "6m1s",
+ "1e8x",
+ "4ley",
+ "2ae1",
+ "7p8c",
+ "2o8a",
+ "4xzr",
+ "6r7k",
+ "4zck",
+ "6eyb",
+ "7sqg",
+ "1gnu",
+ "5f2u",
+ "5o8q",
+ "1hic",
+ "5p03",
+ "5i2g",
+ "4o27",
+ "2atq",
+ "1c9e",
+ "6zxu",
+ "1q4t",
+ "5cc8",
+ "6u24",
+ "3m7g",
+ "5ox1",
+ "5ye5",
+ "6q4k",
+ "3ckf",
+ "5g66",
+ "5i8f",
+ "4hir",
+ "7kqi",
+ "4y6u",
+ "6ee3",
+ "3m5j",
+ "6kgm",
+ "3o7q",
+ "6ie9",
+ "6ple",
+ "2hf5",
+ "2vj8",
+ "3n5r",
+ "3q26",
+ "3pwh",
+ "6ur3",
+ "2rlb",
+ "6nyt",
+ "1sdk",
+ "2mjp",
+ "3usp",
+ "3v4l",
+ "6eub",
+ "1ji5",
+ "1mw2",
+ "7shj",
+ "7l8t",
+ "5hb8",
+ "5vc3",
+ "4kvs",
+ "3oke",
+ "2c1w",
+ "2agi",
+ "6uvf",
+ "7rm3",
+ "1vni",
+ "5c2y",
+ "6u1h",
+ "3pht",
+ "6sar",
+ "3qyy",
+ "7d9h",
+ "6i2q",
+ "1ffy",
+ "7m7d",
+ "1h2i",
+ "2jd9",
+ "4ptk",
+ "7tq8",
+ "5e4s",
+ "6mnc",
+ "2gh6",
+ "1ypy",
+ "5k1x",
+ "4p7o",
+ "1cux",
+ "1god",
+ "3zmn",
+ "2ctx",
+ "4nn1",
+ "3ngk",
+ "6frl",
+ "4rrl",
+ "4bqz",
+ "5n2e",
+ "1w09",
+ "1ie8",
+ "4i4g",
+ "6qoc",
+ "3t51",
+ "6rxo",
+ "5tnw",
+ "5nwk",
+ "5qfv",
+ "2pym",
+ "2gwp",
+ "5wg5",
+ "1jlr",
+ "4myq",
+ "2qcy",
+ "1eq3",
+ "5zt0",
+ "2osw",
+ "5yf8",
+ "3nbd",
+ "1qw5",
+ "2x0w",
+ "3iyx",
+ "3h5h",
+ "4kr3",
+ "7k6t",
+ "1l83",
+ "4i0u",
+ "1xwk",
+ "3oz1",
+ "4b3g",
+ "2gvp",
+ "3rko",
+ "4ydz",
+ "4q6l",
+ "6cud",
+ "6vlu",
+ "7vf0",
+ "3kwv",
+ "7arp",
+ "3ku2",
+ "4rmq",
+ "5t5o",
+ "3oqo",
+ "4gyn",
+ "7nt7",
+ "5ywf",
+ "4hfm",
+ "1o8s",
+ "1cbw",
+ "2ktr",
+ "6wti",
+ "6q2m",
+ "3gcw",
+ "5ei2",
+ "3a8j",
+ "1nog",
+ "3j0a",
+ "5xck",
+ "4z3v",
+ "6p9q",
+ "4li5",
+ "6tiu",
+ "5tn1",
+ "5kqa",
+ "1gc5",
+ "6mx3",
+ "6eo4",
+ "6cqw",
+ "1qi7",
+ "2nxv",
+ "4ye3",
+ "6sej",
+ "3dw0",
+ "6j8v",
+ "2x2t",
+ "3p6e",
+ "4wa1",
+ "6iuf",
+ "7dnj",
+ "6zda",
+ "2dvf",
+ "3sy0",
+ "5nhh",
+ "4ool",
+ "7ci8",
+ "4bma",
+ "4xu3",
+ "6dr1",
+ "3dn5",
+ "3zpu",
+ "5nf7",
+ "5efm",
+ "4mdn",
+ "7sn0",
+ "5vfm",
+ "6sty",
+ "4xdc",
+ "4u77",
+ "3zbr",
+ "2j1s",
+ "5azy",
+ "6zqt",
+ "7tr0",
+ "1p4n",
+ "4jmj",
+ "6pfe",
+ "3j22",
+ "4wp7",
+ "6i05",
+ "2qt4",
+ "5w0b",
+ "3cn7",
+ "2kbh",
+ "5qya",
+ "3wti",
+ "3qez",
+ "6cm1",
+ "4j1n",
+ "1xqe",
+ "5irx",
+ "5ibp",
+ "4z5r",
+ "1aox",
+ "5h5t",
+ "6fqf",
+ "3san",
+ "5l9g",
+ "5dzg",
+ "7rbj",
+ "3sav",
+ "4ll5",
+ "4o7a",
+ "2gyy",
+ "1jsl",
+ "7ok0",
+ "3r49",
+ "7nf8",
+ "6vcr",
+ "2l3y",
+ "5zbm",
+ "8hjc",
+ "1o76",
+ "6mgn",
+ "3ke8",
+ "5lgp",
+ "4my4",
+ "7wmc",
+ "5h7j",
+ "5uoy",
+ "5pcs",
+ "3zy4",
+ "1ygh",
+ "3unw",
+ "4jt8",
+ "2fqw",
+ "3h8e",
+ "4au0",
+ "1w4h",
+ "2y2h",
+ "2yaq",
+ "1v4e",
+ "1ams",
+ "3u3b",
+ "4l4g",
+ "7lnt",
+ "2cn1",
+ "2d1i",
+ "5hjp",
+ "2ivf",
+ "6fci",
+ "1kvp",
+ "2fja",
+ "1mrx",
+ "5oew",
+ "2fyd",
+ "5sw3",
+ "3lr9",
+ "1c89",
+ "3leu",
+ "5d1h",
+ "7mng",
+ "5xbm",
+ "4el4",
+ "7ody",
+ "4oqp",
+ "1c6b",
+ "5ppg",
+ "8epv",
+ "2fpg",
+ "5exr",
+ "7end",
+ "5fd1",
+ "2m2n",
+ "2o0f",
+ "3gbo",
+ "6yf2",
+ "6zyz",
+ "3c6k",
+ "7sed",
+ "4m33",
+ "5iz8",
+ "3fus",
+ "6pph",
+ "6clc",
+ "6qqw",
+ "4qx2",
+ "7ysi",
+ "1vix",
+ "6ovn",
+ "3tj8",
+ "2adx",
+ "7ute",
+ "7m8x",
+ "1pjx",
+ "1d8e",
+ "5w4f",
+ "3k6y",
+ "4auv",
+ "1kf3",
+ "5rp0",
+ "5abo",
+ "5yjy",
+ "5kl1",
+ "7f61",
+ "5rfs",
+ "3ngo",
+ "7cph",
+ "3t54",
+ "5n9d",
+ "3rcw",
+ "4b5k",
+ "5k3b",
+ "3ex2",
+ "4gg8",
+ "6nhp",
+ "3n9w",
+ "5opg",
+ "1cv0",
+ "2c5v",
+ "2w0x",
+ "8gv7",
+ "3mh2",
+ "7qm4",
+ "6w3x",
+ "6fup",
+ "7s4o",
+ "5hwo",
+ "4z9f",
+ "5elb",
+ "1md8",
+ "1nqb",
+ "4ljz",
+ "6i7c",
+ "4i9e",
+ "1qq1",
+ "1quw",
+ "4ewz",
+ "5ntp",
+ "1igt",
+ "6u0h",
+ "3jyt",
+ "8djw",
+ "3usj",
+ "6jvi",
+ "4b9d",
+ "1zah",
+ "5ipm",
+ "7awm",
+ "3e3d",
+ "4ai7",
+ "3qb4",
+ "6z7z",
+ "4x4o",
+ "6k1n",
+ "6dp1",
+ "7c8g",
+ "4hdk",
+ "7kq1",
+ "5coh",
+ "4jty",
+ "2kmu",
+ "4tn3",
+ "1ckg",
+ "6soq",
+ "7beu",
+ "5a5b",
+ "7q7s",
+ "2pmd",
+ "1ue7",
+ "2cfe",
+ "5cfu",
+ "2wnw",
+ "1v7z",
+ "5ts1",
+ "1o5b",
+ "7k27",
+ "3bue",
+ "5hki",
+ "2rvf",
+ "3sme",
+ "4gy2",
+ "4dd2",
+ "5j8z",
+ "1ke6",
+ "2ozr",
+ "7cdc",
+ "6byu",
+ "7qmo",
+ "3m7p",
+ "5n9i",
+ "4bos",
+ "6hwd",
+ "4a68",
+ "1g9s",
+ "3j9d",
+ "4npn",
+ "6zjz",
+ "7ppt",
+ "4ysl",
+ "1zak",
+ "3dmf",
+ "3od3",
+ "5ad3",
+ "4ml1",
+ "3ous",
+ "2a6m",
+ "3uex",
+ "5akf",
+ "5sr3",
+ "6tor",
+ "5n7h",
+ "2g47",
+ "1g4t",
+ "1yz5",
+ "6lg2",
+ "3bxg",
+ "6tuy",
+ "4bgb",
+ "7noe",
+ "6wrs",
+ "6gpd",
+ "2jfa",
+ "4hcs",
+ "1fsr",
+ "1t9r",
+ "7buy",
+ "7ore",
+ "5pw2",
+ "4wcl",
+ "4p6x",
+ "2cf7",
+ "5zvl",
+ "7ri7",
+ "3aj8",
+ "1h5k",
+ "2aff",
+ "7dmu",
+ "4hue",
+ "2nxa",
+ "4x0l",
+ "3min",
+ "5n0i",
+ "7mqo",
+ "1g5t",
+ "6qn8",
+ "6fym",
+ "4j0l",
+ "1qde",
+ "6ekt",
+ "3i3t",
+ "2xjv",
+ "1kxd",
+ "4xhu",
+ "1awx",
+ "2lc7",
+ "8eul",
+ "2o36",
+ "1mts",
+ "7u77",
+ "8ig0",
+ "1ob1",
+ "3uaq",
+ "1q2u",
+ "4oin",
+ "4fji",
+ "6gbr",
+ "1f20",
+ "3qgf",
+ "6a15",
+ "3i11",
+ "5fjs",
+ "6kpn",
+ "5kh4",
+ "4zua",
+ "1v3b",
+ "5xso",
+ "7rct",
+ "4do9",
+ "2ln8",
+ "8e5n",
+ "8ej3",
+ "6g59",
+ "1isr",
+ "6ao7",
+ "3sl8",
+ "3ggs",
+ "8dfk",
+ "1fx3",
+ "6u5m",
+ "7acm",
+ "3t2d",
+ "1xsm",
+ "1l9p",
+ "6ml5",
+ "2x9n",
+ "5i6c",
+ "5p6k",
+ "1rg4",
+ "6exi",
+ "5v4s",
+ "3b6m",
+ "1q66",
+ "5ldz",
+ "6yur",
+ "1a4q",
+ "6rwg",
+ "6vkv",
+ "6cst",
+ "5gsv",
+ "2ak3",
+ "7p8q",
+ "2xum",
+ "4zrp",
+ "1x29",
+ "4gjc",
+ "6mrr",
+ "6tmc",
+ "1uxu",
+ "7sgt",
+ "2zah",
+ "2op0",
+ "3nov",
+ "3swf",
+ "5ntg",
+ "6ps9",
+ "8hpo",
+ "7m3p",
+ "4is8",
+ "4wj2",
+ "5tn5",
+ "6njv",
+ "2qo1",
+ "3l85",
+ "6l5a",
+ "2ack",
+ "3g8d",
+ "4dyz",
+ "5i7m",
+ "6ct9",
+ "5w4l",
+ "4qqb",
+ "8eyd",
+ "1ylj",
+ "1o86",
+ "7cd1",
+ "3mmo",
+ "3dxe",
+ "3tvw",
+ "1zw0",
+ "4gq1",
+ "5wid",
+ "2jhe",
+ "4y2i",
+ "1n59",
+ "3d7u",
+ "3k37",
+ "7fml",
+ "5zb5",
+ "6cl2",
+ "4bfw",
+ "7v01",
+ "4x2n",
+ "2js2",
+ "6s74",
+ "7k2f",
+ "6p58",
+ "7dwq",
+ "1vlk",
+ "2k2j",
+ "7kq3",
+ "5cwk",
+ "3p13",
+ "1ew8",
+ "7jsu",
+ "4f3j",
+ "8sbb",
+ "5n74",
+ "3wyw",
+ "1db5",
+ "1ab7",
+ "7vdy",
+ "5pgf",
+ "3k8x",
+ "2y2a",
+ "5ndu",
+ "1dwy",
+ "6rbp",
+ "1k5d",
+ "5nc1",
+ "1ajv",
+ "6b9z",
+ "1jqs",
+ "2m1n",
+ "3o55",
+ "3nt8",
+ "6ew3",
+ "5naj",
+ "7e5a",
+ "5kqc",
+ "6c22",
+ "7n3y",
+ "1lnm",
+ "5u51",
+ "4q06",
+ "1xow",
+ "4ojl",
+ "4brl",
+ "4p9p",
+ "6apg",
+ "6ho6",
+ "5chm",
+ "4wkc",
+ "1b4k",
+ "5t1w",
+ "2vqm",
+ "5nit",
+ "7ywm",
+ "6qho",
+ "5ynt",
+ "5vbq",
+ "4lvp",
+ "1ov2",
+ "4mmh",
+ "2mpt",
+ "2n4p",
+ "6i67",
+ "7x6y",
+ "7z2d",
+ "6r12",
+ "4y8w",
+ "4qi5",
+ "3g2u",
+ "1im0",
+ "1ten",
+ "4zzd",
+ "1onp",
+ "6cqf",
+ "6o7v",
+ "1wxz",
+ "2j5s",
+ "6jwg",
+ "7csj",
+ "7w3z",
+ "6uj4",
+ "3hos",
+ "4id4",
+ "4z4w",
+ "1m7p",
+ "2j2j",
+ "1w9x",
+ "1s17",
+ "1fyu",
+ "6liu",
+ "5o74",
+ "6jax",
+ "5ips",
+ "8efd",
+ "5jhy",
+ "7zz9",
+ "5z3u",
+ "1sog",
+ "7zm7",
+ "6txd",
+ "4crl",
+ "6vxn",
+ "6nzf",
+ "4y59",
+ "1lxk",
+ "7bub",
+ "3b9w",
+ "7vj9",
+ "6u4v",
+ "7lfr",
+ "5cxo",
+ "1p72",
+ "1gu7",
+ "1re5",
+ "7yu4",
+ "2kmk",
+ "5liv",
+ "3txf",
+ "4nxu",
+ "1ves",
+ "3ci7",
+ "6shl",
+ "3mk8",
+ "4wvb",
+ "4uzx",
+ "1rom",
+ "6rqo",
+ "6iqn",
+ "7bhk",
+ "7kbz",
+ "1jw6",
+ "4tx3",
+ "7ej0",
+ "5icq",
+ "4wp9",
+ "4bm7",
+ "4yl6",
+ "5lcv",
+ "7fdg",
+ "6ad8",
+ "2v7q",
+ "4leq",
+ "1nfn",
+ "1ck3",
+ "5b4k",
+ "6orf",
+ "5j8f",
+ "1hk4",
+ "4cto",
+ "5oxt",
+ "5vtb",
+ "4dhd",
+ "6v0k",
+ "2x8m",
+ "2m77",
+ "7dk0",
+ "5d97",
+ "1kf5",
+ "6f8e",
+ "6mn6",
+ "7qbb",
+ "5p8b",
+ "3kl6",
+ "6txi",
+ "4r73",
+ "3ml8",
+ "3qe1",
+ "8eg5",
+ "2kec",
+ "7aq8",
+ "2afh",
+ "5njr",
+ "2e34",
+ "6ikm",
+ "7n19",
+ "4f0e",
+ "7s76",
+ "2rng",
+ "4o6s",
+ "4rey",
+ "4hje",
+ "7rby",
+ "6h0d",
+ "5h4c",
+ "3ber",
+ "4pzy",
+ "2oj5",
+ "5mtx",
+ "1b06",
+ "5e7p",
+ "1mrp",
+ "4m0x",
+ "3mxz",
+ "1xsf",
+ "6el1",
+ "4d70",
+ "7rlw",
+ "1elz",
+ "2atk",
+ "4zpp",
+ "2rcu",
+ "2qwr",
+ "6wtu",
+ "2i48",
+ "7rer",
+ "1zcw",
+ "6les",
+ "6ryr",
+ "2wng",
+ "1rsm",
+ "7mex",
+ "3tpr",
+ "6hww",
+ "5l96",
+ "1bda",
+ "1b4o",
+ "5fb7",
+ "2mpg",
+ "3ibx",
+ "3azg",
+ "7otj",
+ "6rl1",
+ "7m0i",
+ "6ds0",
+ "4z0f",
+ "4c28",
+ "7ltu",
+ "5j28",
+ "1xdv",
+ "5ugi",
+ "2btv",
+ "5uf1",
+ "4d3o",
+ "5n0m",
+ "6ibh",
+ "1l7d",
+ "1xln",
+ "6x4e",
+ "6re7",
+ "6yr5",
+ "1z7d",
+ "3swm",
+ "3q4i",
+ "5uaw",
+ "3h84",
+ "5mk3",
+ "3s3m",
+ "1rqp",
+ "4nib",
+ "4qt2",
+ "1eer",
+ "7d6a",
+ "3jzp",
+ "4emd",
+ "2d37",
+ "3qbk",
+ "1qkj",
+ "6ubi",
+ "3g5e",
+ "3pgu",
+ "6udo",
+ "7tap",
+ "3co1",
+ "5zzy",
+ "5av8",
+ "5mkk",
+ "2brq",
+ "6ewz",
+ "3m81",
+ "2k4q",
+ "6c6m",
+ "3gch",
+ "6sf0",
+ "5gkb",
+ "4en2",
+ "6asc",
+ "4nm6",
+ "2ab2",
+ "6jlj",
+ "5ot6",
+ "4upb",
+ "6dpq",
+ "2v42",
+ "3hva",
+ "2o53",
+ "3e1j",
+ "3icz",
+ "2wsy",
+ "1a7f",
+ "3bva",
+ "1zi8",
+ "5p9f",
+ "4wp8",
+ "6t03",
+ "2wac",
+ "7c1p",
+ "4v1w",
+ "7lic",
+ "1blv",
+ "1m2b",
+ "7pxy",
+ "7u4b",
+ "4pgi",
+ "6arx",
+ "6z8i",
+ "4hq0",
+ "4cjv",
+ "4y7j",
+ "5jhi",
+ "2lvl",
+ "6c1p",
+ "5v0q",
+ "5vvx",
+ "1c3k",
+ "3sl1",
+ "6tzm",
+ "5jhs",
+ "7mma",
+ "5ver",
+ "2ykk",
+ "1f10",
+ "5tx6",
+ "4rw6",
+ "3dem",
+ "5y97",
+ "4d7m",
+ "2mkn",
+ "1w9s",
+ "1qcx",
+ "7q9e",
+ "2hxm",
+ "3iof",
+ "6ssg",
+ "2qva",
+ "2wn7",
+ "1iwd",
+ "3vg2",
+ "2b9h",
+ "7mn7",
+ "3ooe",
+ "2l9b",
+ "1kmo",
+ "7la6",
+ "2iyu",
+ "3n9z",
+ "6s5p",
+ "4m1p",
+ "4kz8",
+ "2wco",
+ "6yt2",
+ "4o9g",
+ "7f5u",
+ "1k6e",
+ "3hkm",
+ "7ot6",
+ "7wim",
+ "2vn5",
+ "1xxc",
+ "5uf6",
+ "4p4h",
+ "3q71",
+ "2ig3",
+ "1bvh",
+ "2ndj",
+ "2jm5",
+ "6wwn",
+ "1ue8",
+ "3vh5",
+ "3kn7",
+ "4nia",
+ "6gcb",
+ "3g9m",
+ "1iqv",
+ "7cca",
+ "1a2o",
+ "5s5c",
+ "3mp5",
+ "1tp4",
+ "7dph",
+ "2bw0",
+ "4b61",
+ "4lhq",
+ "6kpk",
+ "2ise",
+ "7fin",
+ "2wvg",
+ "6ya8",
+ "3u2p",
+ "3mau",
+ "3ahy",
+ "2chh",
+ "3bb4",
+ "5coy",
+ "7m78",
+ "4hr5",
+ "3n0a",
+ "5bsk",
+ "4j7r",
+ "3p8n",
+ "3ij4",
+ "4lry",
+ "1mda",
+ "4rlj",
+ "8dbj",
+ "3pd3",
+ "6wkq",
+ "8dj7",
+ "5c04",
+ "4gw0",
+ "4mwi",
+ "3lxs",
+ "5xxk",
+ "3s5v",
+ "1s7x",
+ "6by3",
+ "6kw1",
+ "3s45",
+ "1o95",
+ "4o4f",
+ "7o7a",
+ "1mt0",
+ "3s4g",
+ "3v0d",
+ "4kma",
+ "5yhz",
+ "2l1l",
+ "4jcd",
+ "7pqk",
+ "2h44",
+ "6bcs",
+ "6tol",
+ "5dqu",
+ "3cg8",
+ "7lqz",
+ "2htu",
+ "4dt6",
+ "1joi",
+ "2qs2",
+ "1iym",
+ "5gyg",
+ "2m2d",
+ "7k2c",
+ "6ux7",
+ "7tw1",
+ "4uzh",
+ "2c8p",
+ "5woh",
+ "3ppp",
+ "1lq9",
+ "6ic6",
+ "2r13",
+ "1moj",
+ "3prh",
+ "6rgw",
+ "2o5w",
+ "3ttl",
+ "5fzr",
+ "1hgd",
+ "4q9m",
+ "5dwa",
+ "7nus",
+ "5uhd",
+ "3wt4",
+ "6kmt",
+ "1edg",
+ "1fy6",
+ "7ct4",
+ "3ua8",
+ "2r2y",
+ "3vyj",
+ "4jjq",
+ "1xd8",
+ "1r3n",
+ "5i1l",
+ "7kia",
+ "5gzh",
+ "2ax0",
+ "4r5c",
+ "1lyg",
+ "1cwm",
+ "6rh7",
+ "6kh5",
+ "4mcm",
+ "3np1",
+ "2l6e",
+ "6dxg",
+ "7ef6",
+ "2rhh",
+ "3ucr",
+ "2b1m",
+ "6wiw",
+ "7fnm",
+ "4j4y",
+ "1nvf",
+ "3ezt",
+ "2cii",
+ "6fzh",
+ "6fkj",
+ "1m39",
+ "7uyj",
+ "8ddi",
+ "5d2g",
+ "5ntk",
+ "5gl5",
+ "4dud",
+ "1pkp",
+ "5owa",
+ "5o6v",
+ "1k43",
+ "2bzd",
+ "1zz0",
+ "2av3",
+ "6vyv",
+ "2n8s",
+ "2wps",
+ "1sw7",
+ "3oa6",
+ "8d0e",
+ "4gza",
+ "6v4u",
+ "5b05",
+ "4m5q",
+ "1nh8",
+ "4v2a",
+ "2pxg",
+ "5hwx",
+ "5b2m",
+ "4a4q",
+ "6w4i",
+ "8biz",
+ "6b9g",
+ "3rte",
+ "6vq5",
+ "6q9n",
+ "7c7n",
+ "1n1j",
+ "3heg",
+ "3qaw",
+ "7cu6",
+ "7tto",
+ "3rfj",
+ "5dgi",
+ "8fuw",
+ "6lbb",
+ "5m05",
+ "7qui",
+ "4g1n",
+ "3cpl",
+ "1mhm",
+ "5p5a",
+ "3x1z",
+ "7ozv",
+ "2wgg",
+ "2xmq",
+ "3p5a",
+ "5a27",
+ "2wra",
+ "7bys",
+ "4tsf",
+ "7zwy",
+ "6okx",
+ "5jke",
+ "1sau",
+ "7flv",
+ "3fku",
+ "7ob6",
+ "6eqx",
+ "6eoq",
+ "7a1u",
+ "3bdc",
+ "5fnv",
+ "1v6u",
+ "7pke",
+ "1nb3",
+ "2vjj",
+ "2vkm",
+ "1pum",
+ "3oua",
+ "1hzj",
+ "3it5",
+ "2ouo",
+ "7toe",
+ "1xxa",
+ "4hrc",
+ "4as4",
+ "4dd3",
+ "214l",
+ "4cqz",
+ "6f33",
+ "3m45",
+ "3zvu",
+ "2keq",
+ "5iqt",
+ "5zbg",
+ "2g1k",
+ "3dvk",
+ "2zsd",
+ "4o6e",
+ "1uwl",
+ "3g22",
+ "4wyk",
+ "3mx5",
+ "8gvj",
+ "5qck",
+ "6bnx",
+ "6m6v",
+ "5y32",
+ "3zg4",
+ "2y1r",
+ "6ftd",
+ "5k5u",
+ "4zuw",
+ "6yau",
+ "4amz",
+ "4ph6",
+ "6f6d",
+ "6smu",
+ "6uxa",
+ "1qoo",
+ "1zh2",
+ "6sa6",
+ "6d67",
+ "3nrx",
+ "4o7o",
+ "4i2o",
+ "1dvs",
+ "6dq9",
+ "6wja",
+ "6g3j",
+ "3ik1",
+ "4a6t",
+ "4ay1",
+ "1t8d",
+ "2vpe",
+ "7bre",
+ "5g02",
+ "2al5",
+ "3cb0",
+ "4tvh",
+ "3ce6",
+ "5znr",
+ "1cru",
+ "5elc",
+ "3zeh",
+ "6t9n",
+ "5wcl",
+ "3a5x",
+ "6uur",
+ "1uyu",
+ "6d9z",
+ "6rjv",
+ "2bvu",
+ "1e8w",
+ "5kqv",
+ "5gqc",
+ "5k8v",
+ "1okt",
+ "5eam",
+ "4qot",
+ "5ywz",
+ "4a86",
+ "6snb",
+ "6ymv",
+ "2hj9",
+ "2zdi",
+ "2n2y",
+ "1com",
+ "5lxt",
+ "2m38",
+ "1e7f",
+ "1euq",
+ "2l18",
+ "6u84",
+ "6i65",
+ "6er4",
+ "4r9i",
+ "3ci3",
+ "4trt",
+ "7btl",
+ "2jms",
+ "5odl",
+ "2yoo",
+ "3r6l",
+ "7o08",
+ "5uo0",
+ "1tdr",
+ "5lue",
+ "3dvp",
+ "8b7z",
+ "2zy0",
+ "1cdm",
+ "1afs",
+ "1ea2",
+ "5gtn",
+ "6acy",
+ "4p4u",
+ "1guk",
+ "1mr6",
+ "1ijh",
+ "7wje",
+ "1p7a",
+ "6t6v",
+ "2bz0",
+ "4ixv",
+ "3ty3",
+ "3zw7",
+ "6yrq",
+ "4oe4",
+ "2e50",
+ "1w02",
+ "4at6",
+ "1sua",
+ "5jxr",
+ "5bsc",
+ "4f0t",
+ "4gmu",
+ "5lxp",
+ "2ruq",
+ "6fu1",
+ "1x92",
+ "5o3t",
+ "1iq7",
+ "2m9r",
+ "4ild",
+ "5gzg",
+ "6jum",
+ "5tz6",
+ "1jvm",
+ "6obg",
+ "2d5d",
+ "3l2r",
+ "3wuf",
+ "1hsy",
+ "2htx",
+ "3hnc",
+ "7n4g",
+ "5te3",
+ "5w44",
+ "5h6z",
+ "2p7u",
+ "2xe5",
+ "7tcg",
+ "5t2u",
+ "7qtp",
+ "4ccq",
+ "1t7o",
+ "3fld",
+ "2bie",
+ "7dch",
+ "3pq8",
+ "1gl7",
+ "3fy4",
+ "3jut",
+ "1r2g",
+ "4q7w",
+ "5rez",
+ "6snr",
+ "3uhv",
+ "4our",
+ "7m91",
+ "3mey",
+ "1r4m",
+ "1x36",
+ "2k61",
+ "7app",
+ "6k8j",
+ "3h3c",
+ "1csn",
+ "4u9a",
+ "1s5d",
+ "5lc8",
+ "5dw5",
+ "1ktm",
+ "5az6",
+ "3o7p",
+ "3kcz",
+ "1gnd",
+ "4udg",
+ "3ey6",
+ "6uc4",
+ "2poa",
+ "1zkz",
+ "4lye",
+ "5g2t",
+ "6kne",
+ "4nm5",
+ "5eg7",
+ "1b9w",
+ "2rnf",
+ "1hr9",
+ "5z0a",
+ "5apz",
+ "6cq0",
+ "1t5t",
+ "7c87",
+ "1hrq",
+ "4d72",
+ "1c74",
+ "6v16",
+ "5whn",
+ "6hdc",
+ "4rki",
+ "2axa",
+ "6khf",
+ "2r0r",
+ "1ogj",
+ "6kgs",
+ "7dcg",
+ "7fpd",
+ "1w66",
+ "3of7",
+ "3nif",
+ "5u8v",
+ "1qhp",
+ "5hul",
+ "4gpj",
+ "2vq9",
+ "2my7",
+ "1wsg",
+ "3e07",
+ "2vth",
+ "6hx8",
+ "6gsd",
+ "4cdf",
+ "6fyf",
+ "6s8j",
+ "7u19",
+ "5wmh",
+ "7kjd",
+ "3kj0",
+ "1k8y",
+ "5jnn",
+ "6lys",
+ "6cb2",
+ "4qxz",
+ "3v7a",
+ "1kpk",
+ "6rtw",
+ "7mk5",
+ "3so6",
+ "245l",
+ "4pm0",
+ "5olb",
+ "1rlb",
+ "4xdl",
+ "6bmw",
+ "8gsf",
+ "6zsy",
+ "5u3u",
+ "2m5v",
+ "7ci5",
+ "7mnf",
+ "4fit",
+ "3che",
+ "1r9t",
+ "2czw",
+ "5a7p",
+ "7vbs",
+ "1p35",
+ "1ho7",
+ "6yg7",
+ "1cwj",
+ "3btc",
+ "7r53",
+ "4hqz",
+ "3r6y",
+ "1scd",
+ "1sh4",
+ "6ykb",
+ "4j0b",
+ "6p9y",
+ "4zhq",
+ "1dya",
+ "3ryy",
+ "5bqh",
+ "4cbo",
+ "3iet",
+ "4c4w",
+ "1h5j",
+ "1miz",
+ "7ouq",
+ "2kos",
+ "3iv2",
+ "7ep9",
+ "4x4w",
+ "2gc0",
+ "6v4b",
+ "6ljr",
+ "3p0n",
+ "2zdk",
+ "1xbo",
+ "2g4k",
+ "1bk1",
+ "7tsg",
+ "4wea",
+ "8eeo",
+ "7l3i",
+ "2kix",
+ "3hi8",
+ "4xyh",
+ "6jym",
+ "6enb",
+ "8dji",
+ "3slj",
+ "5t6w",
+ "6jv9",
+ "3eas",
+ "6iww",
+ "6um8",
+ "6or7",
+ "3gy6",
+ "1cdt",
+ "2fu5",
+ "4rao",
+ "3des",
+ "7bgc",
+ "4q9c",
+ "3l2q",
+ "1o3i",
+ "1c8h",
+ "3sjc",
+ "4pn7",
+ "3djz",
+ "6r23",
+ "1hov",
+ "7rya",
+ "6z41",
+ "7fp2",
+ "2cmk",
+ "4jtf",
+ "4q5i",
+ "6fsd",
+ "2j51",
+ "4lyk",
+ "6rx7",
+ "5qil",
+ "5l9a",
+ "2gjh",
+ "4kco",
+ "6t74",
+ "3t6l",
+ "4c57",
+ "5s3t",
+ "5den",
+ "4o5r",
+ "2yza",
+ "4zy4",
+ "8ebs",
+ "1gzk",
+ "2a5s",
+ "4k45",
+ "4bk4",
+ "7kdv",
+ "5h0p",
+ "5xjf",
+ "1fu7",
+ "3kqu",
+ "5lf3",
+ "5ar1",
+ "6zsh",
+ "2d60",
+ "8e5w",
+ "6k5v",
+ "2lai",
+ "7kap",
+ "1uia",
+ "2bd7",
+ "5av5",
+ "6r8y",
+ "4ig8",
+ "1ych",
+ "1t7w",
+ "2jc1",
+ "6lck",
+ "3pn4",
+ "2n0k",
+ "2xh6",
+ "1icn",
+ "5zru",
+ "6rzn",
+ "7yai",
+ "6hvu",
+ "4l1d",
+ "6pdt",
+ "2m5e",
+ "7cnu",
+ "1i80",
+ "2b8t",
+ "6nht",
+ "4n6f",
+ "5wkj",
+ "7oyt",
+ "7jys",
+ "7d4y",
+ "2wbr",
+ "7ry9",
+ "5w7s",
+ "2jen",
+ "3n79",
+ "4rko",
+ "7sh2",
+ "5p0n",
+ "2jsz",
+ "3ifc",
+ "3n0z",
+ "6eqw",
+ "4mm1",
+ "7sbh",
+ "3vok",
+ "3h6d",
+ "6qvz",
+ "4nvl",
+ "1bs0",
+ "3ba5",
+ "5b09",
+ "7axu",
+ "6idd",
+ "7ql5",
+ "2xhv",
+ "1nwc",
+ "4aiz",
+ "1mc8",
+ "2mlm",
+ "6pq9",
+ "7t3x",
+ "3tl6",
+ "3oya",
+ "1m9c",
+ "2ix9",
+ "2c7i",
+ "2oob",
+ "3mgv",
+ "3a57",
+ "3orn",
+ "4i0n",
+ "2n1a",
+ "1igy",
+ "2dur",
+ "5i38",
+ "2p5w",
+ "3jso",
+ "8efh",
+ "3zpl",
+ "7crv",
+ "2qr1",
+ "7s32",
+ "5n3w",
+ "6jcg",
+ "6tt7",
+ "2a6q",
+ "4pmm",
+ "1aup",
+ "4p1b",
+ "7r9z",
+ "3zst",
+ "3l1t",
+ "6zs3",
+ "1fov",
+ "3unk",
+ "6rqy",
+ "4by2",
+ "7otn",
+ "6zc2",
+ "3tm2",
+ "4buq",
+ "4df8",
+ "4kep",
+ "7kkf",
+ "3q3n",
+ "6wje",
+ "2pno",
+ "2ang",
+ "7s3a",
+ "3lxi",
+ "6bzp",
+ "5d1f",
+ "1qf2",
+ "3mpy",
+ "6s94",
+ "4a6n",
+ "4dwh",
+ "1imo",
+ "6td2",
+ "3sra",
+ "2nsi",
+ "4wot",
+ "6hd6",
+ "1jks",
+ "2wo8",
+ "1ear",
+ "7w2k",
+ "4ogq",
+ "1iwc",
+ "1fe4",
+ "6qip",
+ "7pm1",
+ "6izr",
+ "1mno",
+ "1h1o",
+ "3j02",
+ "5p8j",
+ "3k42",
+ "7k12",
+ "3m3f",
+ "6lf1",
+ "2z4j",
+ "5k62",
+ "5ydm",
+ "2cj5",
+ "2w6r",
+ "3c1k",
+ "7qy0",
+ "3mwv",
+ "4d7o",
+ "1hni",
+ "1h3l",
+ "3rde",
+ "5u0m",
+ "3are",
+ "3ncq",
+ "7m76",
+ "1ys5",
+ "1dfn",
+ "2bxs",
+ "4npt",
+ "3adx",
+ "3r8j",
+ "4udv",
+ "8ehq",
+ "7ut6",
+ "1bez",
+ "4fr2",
+ "2i0g",
+ "5ajx",
+ "3ndf",
+ "4zq9",
+ "4ewp",
+ "4e0k",
+ "5wzw",
+ "6rcy",
+ "7abu",
+ "2qv6",
+ "6cyg",
+ "5ygj",
+ "1lcp",
+ "3exv",
+ "2ymj",
+ "6i0p",
+ "4q7j",
+ "3lkn",
+ "2b42",
+ "5niv",
+ "6lk2",
+ "5s4y",
+ "1mud",
+ "7jo0",
+ "1a99",
+ "1jg5",
+ "3gq0",
+ "1doi",
+ "6v7l",
+ "4alo",
+ "6vy1",
+ "1l4z",
+ "6u6t",
+ "1osv",
+ "6pdq",
+ "7b0f",
+ "4rwg",
+ "7p2p",
+ "4mb3",
+ "6dta",
+ "5vtg",
+ "1j5l",
+ "6aoj",
+ "4z0m",
+ "1a7k",
+ "3aps",
+ "4dw5",
+ "2k7r",
+ "6slu",
+ "4ytv",
+ "3c4u",
+ "3wxe",
+ "6e1l",
+ "7ng2",
+ "3u9f",
+ "4ayp",
+ "4r8h",
+ "6f0c",
+ "1or7",
+ "2oj2",
+ "6p99",
+ "1a5v",
+ "7fad",
+ "1u6g",
+ "2gzb",
+ "2gbn",
+ "7zvp",
+ "5tud",
+ "7f5a",
+ "7dkk",
+ "3o8x",
+ "5ikf",
+ "2br7",
+ "7p5d",
+ "1be1",
+ "2v08",
+ "2n34",
+ "6uk0",
+ "2x2u",
+ "4u7q",
+ "3vlw",
+ "1ncv",
+ "1inc",
+ "4diy",
+ "1c82",
+ "2ybj",
+ "4dlo",
+ "4e7l",
+ "1ktu",
+ "6x46",
+ "4arq",
+ "1m21",
+ "1jt8",
+ "5rc1",
+ "4b93",
+ "4iqv",
+ "8ful",
+ "1b8o",
+ "4o68",
+ "7nto",
+ "2vji",
+ "4h6d",
+ "3ims",
+ "5w7b",
+ "5c4i",
+ "6wvn",
+ "6cv1",
+ "3s1g",
+ "5lyk",
+ "7ojs",
+ "5cyq",
+ "1km6",
+ "5lpn",
+ "1yp7",
+ "6fby",
+ "4xlo",
+ "5f24",
+ "7r3u",
+ "5lgg",
+ "5znf",
+ "3niq",
+ "1ywt",
+ "4y06",
+ "7wgd",
+ "7pfh",
+ "6lf6",
+ "4pme",
+ "7bd9",
+ "1a30",
+ "7mqe",
+ "5n40",
+ "5hqi",
+ "4rvm",
+ "5tyj",
+ "5y8m",
+ "1x2w",
+ "3zbp",
+ "7piu",
+ "1v02",
+ "7ljo",
+ "2bnn",
+ "4zw9",
+ "3cfn",
+ "5cpk",
+ "1o3o",
+ "3nx0",
+ "5t4y",
+ "1eqm",
+ "1uyc",
+ "7nxm",
+ "3zcm",
+ "3b2j",
+ "1t0u",
+ "7rlj",
+ "2c24",
+ "7vr7",
+ "1p0a",
+ "3utg",
+ "3pcj",
+ "5jt0",
+ "1r8l",
+ "1elf",
+ "6bnk",
+ "1uqx",
+ "7t0x",
+ "6twn",
+ "8cy2",
+ "2vz0",
+ "2fnu",
+ "2pk4",
+ "3fqx",
+ "3p11",
+ "4al6",
+ "1z39",
+ "7v1r",
+ "2lyo",
+ "1t2v",
+ "1kmm",
+ "6sj5",
+ "7e0b",
+ "4pe4",
+ "6rqp",
+ "7ayc",
+ "5op4",
+ "6wi9",
+ "5xga",
+ "5z2q",
+ "5qfl",
+ "4tlp",
+ "5kou",
+ "1kea",
+ "5jsb",
+ "2lew",
+ "6b4a",
+ "5g6c",
+ "3lxk",
+ "5c2n",
+ "1rte",
+ "6qhu",
+ "5ij5",
+ "1f14",
+ "3b64",
+ "7pru",
+ "4f63",
+ "3wfv",
+ "6b8y",
+ "4ej0",
+ "4wfv",
+ "2z30",
+ "5gzu",
+ "5umb",
+ "1kgz",
+ "4r9j",
+ "3ow9",
+ "6cxi",
+ "7qp8",
+ "6yv7",
+ "6pu5",
+ "4q77",
+ "7otf",
+ "6njn",
+ "1fb7",
+ "5sp3",
+ "3fpc",
+ "5imw",
+ "2b03",
+ "5l17",
+ "2yn2",
+ "4mnd",
+ "2gt7",
+ "7mx4",
+ "5dc7",
+ "2no7",
+ "4u5y",
+ "3tg1",
+ "2quk",
+ "4ux5",
+ "7cgw",
+ "1grj",
+ "2xe1",
+ "1x6z",
+ "2yfc",
+ "2x7d",
+ "4mzl",
+ "3nfl",
+ "4xpr",
+ "4fhe",
+ "8dgq",
+ "4ha2",
+ "1dla",
+ "2fu7",
+ "7zpm",
+ "6d17",
+ "7lwh",
+ "2a1n",
+ "7b87",
+ "5kgz",
+ "4mn8",
+ "4eh7",
+ "1a81",
+ "2g1j",
+ "5xn1",
+ "5t0j",
+ "2vs5",
+ "1h3v",
+ "7m0k",
+ "3ds9",
+ "1plx",
+ "5wtt",
+ "7wxz",
+ "6tx2",
+ "7ofy",
+ "5lwo",
+ "6usn",
+ "1fl0",
+ "7v1m",
+ "3f9n",
+ "7zzt",
+ "2fqt",
+ "4mbu",
+ "6yya",
+ "4c9k",
+ "6bah",
+ "8a5w",
+ "1x7s",
+ "5hnr",
+ "6o3w",
+ "2l1q",
+ "3udk",
+ "1eyv",
+ "8abw",
+ "2m1j",
+ "7yyc",
+ "2rt9",
+ "6rb1",
+ "4myw",
+ "1iwz",
+ "2lbv",
+ "1diu",
+ "4hy5",
+ "1f9f",
+ "5an3",
+ "4kij",
+ "1h5o",
+ "2jh9",
+ "7mx3",
+ "6v7d",
+ "4kft",
+ "4la0",
+ "6qz6",
+ "1ypz",
+ "7be3",
+ "2qhx",
+ "1bl6",
+ "4x91",
+ "3cl7",
+ "4g39",
+ "3fry",
+ "3r51",
+ "5gn7",
+ "2ckm",
+ "2y0j",
+ "4ars",
+ "4mwj",
+ "4osk",
+ "3zq0",
+ "4obz",
+ "6izc",
+ "4nks",
+ "7vil",
+ "2ox2",
+ "6q2o",
+ "2k7p",
+ "3v50",
+ "3kv4",
+ "1tf2",
+ "7eta",
+ "7cs6",
+ "3sq0",
+ "1w0k",
+ "1pf9",
+ "3opo",
+ "4wpx",
+ "3nf6",
+ "4c7h",
+ "3wns",
+ "4ks3",
+ "2znd",
+ "4uww",
+ "3upn",
+ "5hmg",
+ "1dt9",
+ "6dzy",
+ "6sit",
+ "7aup",
+ "6vx9",
+ "2j42",
+ "7luh",
+ "7kxn",
+ "5jsq",
+ "7jqd",
+ "6cpo",
+ "2fd6",
+ "1i9m",
+ "7agl",
+ "5vyh",
+ "2wig",
+ "4n8o",
+ "7k3x",
+ "6ru2",
+ "2nbe",
+ "1ckv",
+ "1cwq",
+ "5mop",
+ "1ho4",
+ "6x1g",
+ "1ltt",
+ "5mjr",
+ "1yyx",
+ "3odb",
+ "3pno",
+ "4lxm",
+ "1zdf",
+ "8djx",
+ "2g0g",
+ "6dz5",
+ "6b7c",
+ "3n4t",
+ "1lkc",
+ "4abf",
+ "3d2w",
+ "8b8z",
+ "6me1",
+ "1dxj",
+ "3b2h",
+ "5ixq",
+ "5ewk",
+ "5a13",
+ "8ilz",
+ "7xxz",
+ "5x5a",
+ "5rov",
+ "2li5",
+ "6j1t",
+ "2gae",
+ "4qug",
+ "2g4t",
+ "2bbo",
+ "1y60",
+ "6aho",
+ "7l39",
+ "5gm4",
+ "6nj7",
+ "4wy9",
+ "3wz2",
+ "5k0m",
+ "6yqp",
+ "1mdl",
+ "6q87",
+ "6hip",
+ "7f51",
+ "2w2f",
+ "3elp",
+ "3zv8",
+ "1kir",
+ "1ytg",
+ "1zrp",
+ "1pmc",
+ "4wm5",
+ "1xyu",
+ "4mwt",
+ "4osd",
+ "1u79",
+ "1p9c",
+ "1fdn",
+ "4z9b",
+ "1qw1",
+ "6es6",
+ "3zqx",
+ "1n7o",
+ "7q3t",
+ "4kx6",
+ "3ivu",
+ "1umo",
+ "2y4z",
+ "4o6u",
+ "2nxj",
+ "2xga",
+ "6vts",
+ "1bgs",
+ "5j3v",
+ "1gw0",
+ "7umm",
+ "7f4c",
+ "4jk6",
+ "7qc3",
+ "4k9h",
+ "1mr5",
+ "6cr2",
+ "4l6v",
+ "1ftn",
+ "3fys",
+ "1bnq",
+ "4bz6",
+ "6bui",
+ "6owz",
+ "3hj7",
+ "7qw9",
+ "5onr",
+ "7vaf",
+ "4crb",
+ "1e5n",
+ "5d3l",
+ "4uej",
+ "1qsm",
+ "6mgq",
+ "2mq3",
+ "1eib",
+ "2xpd",
+ "1a9w",
+ "4pex",
+ "6y5y",
+ "4yng",
+ "2z63",
+ "2byr",
+ "6e36",
+ "6svy",
+ "5hij",
+ "7qmi",
+ "7lpb",
+ "2vy4",
+ "3un0",
+ "5el2",
+ "7a4x",
+ "3qdj",
+ "1w9e",
+ "1i3d",
+ "5nc8",
+ "4opt",
+ "7bpk",
+ "1m9i",
+ "5pml",
+ "6qqt",
+ "6fv2",
+ "5ve6",
+ "5l65",
+ "4wmi",
+ "6pgr",
+ "6mo4",
+ "6i5f",
+ "6gh2",
+ "4kqx",
+ "6dq5",
+ "4cre",
+ "4y17",
+ "3zl7",
+ "7aos",
+ "3uvx",
+ "5oa3",
+ "1frw",
+ "1e3j",
+ "2i8t",
+ "4f20",
+ "2j5f",
+ "8ade",
+ "7r6u",
+ "1p3u",
+ "4yts",
+ "4axh",
+ "7oy0",
+ "5mu3",
+ "6sz1",
+ "1cy9",
+ "6xqq",
+ "4ot2",
+ "3a55",
+ "5spp",
+ "3kz1",
+ "2c4b",
+ "5gx1",
+ "6pd6",
+ "5c6l",
+ "1fel",
+ "5ulp",
+ "3fqu",
+ "2pa7",
+ "7mcd",
+ "6l8l",
+ "5ykk",
+ "7mqi",
+ "5rd7",
+ "2p8n",
+ "6s31",
+ "1jrj",
+ "2gj4",
+ "2ooz",
+ "2l31",
+ "7tly",
+ "1ucq",
+ "7vkw",
+ "4b5p",
+ "3lgk",
+ "4gjv",
+ "7jjl",
+ "7sj5",
+ "4z4g",
+ "7rbm",
+ "2pp7",
+ "3ujm",
+ "3qeo",
+ "2h9a",
+ "1cl2",
+ "3ogj",
+ "5dvx",
+ "2cj7",
+ "2bwl",
+ "7bjk",
+ "1n52",
+ "3o90",
+ "4qat",
+ "3c43",
+ "7nih",
+ "3sf5",
+ "1zz6",
+ "3csf",
+ "4rrr",
+ "6i0t",
+ "3gqj",
+ "2e4h",
+ "8cce",
+ "7axe",
+ "3mdc",
+ "5xh3",
+ "4wv8",
+ "1b5t",
+ "7csz",
+ "5dyc",
+ "6c0g",
+ "4kys",
+ "4mts",
+ "2ral",
+ "6a0h",
+ "6c3s",
+ "2qe4",
+ "1hod",
+ "1oab",
+ "6umt",
+ "2wm2",
+ "1cyl",
+ "1jpx",
+ "7mp3",
+ "6uoh",
+ "5w4v",
+ "5ir6",
+ "1b9q",
+ "2dw4",
+ "2o9p",
+ "4rnn",
+ "5l3s",
+ "1do5",
+ "2n1o",
+ "5v5y",
+ "5z5i",
+ "3us1",
+ "7ksj",
+ "5of3",
+ "4q0l",
+ "2c1x",
+ "2x6h",
+ "6jvb",
+ "6t0l",
+ "4ed3",
+ "3hy3",
+ "7p1m",
+ "2ihv",
+ "4bvo",
+ "1vca",
+ "1wcn",
+ "2o7o",
+ "3omy",
+ "3maz",
+ "3ss3",
+ "5rgb",
+ "7kgy",
+ "8eze",
+ "7rqz",
+ "3zj0",
+ "1mnq",
+ "1o70",
+ "4ur4",
+ "6cbi",
+ "1b8h",
+ "5lfi",
+ "3fap",
+ "4ly0",
+ "3q06",
+ "6tzi",
+ "7cre",
+ "3r5c",
+ "4god",
+ "1a6r",
+ "6fcb",
+ "4pk4",
+ "6dx2",
+ "3l0p",
+ "3es9",
+ "2ktm",
+ "2n7e",
+ "6htf",
+ "2z43",
+ "2e2i",
+ "3c71",
+ "1qwg",
+ "5mr6",
+ "8d4k",
+ "7uxm",
+ "7rlg",
+ "4iui",
+ "4dy0",
+ "1tsu",
+ "4dvo",
+ "3br9",
+ "2km4",
+ "5rpd",
+ "1w2n",
+ "7v98",
+ "5gho",
+ "1ygy",
+ "3v1e",
+ "5xnv",
+ "5ucz",
+ "7n6w",
+ "2cey",
+ "4i0b",
+ "6of5",
+ "6wbn",
+ "3r9k",
+ "1abq",
+ "7amy",
+ "2avi",
+ "7o9o",
+ "3wal",
+ "5eth",
+ "7nk1",
+ "3p9a",
+ "4cr6",
+ "3a5a",
+ "6ltw",
+ "7dfn",
+ "3lfs",
+ "6qd0",
+ "5i2z",
+ "7o6n",
+ "1sv2",
+ "7dvz",
+ "6uzr",
+ "4li7",
+ "6dqb",
+ "6pkq",
+ "2g21",
+ "2uzn",
+ "5l5e",
+ "3qyt",
+ "6p8a",
+ "6mqv",
+ "6u66",
+ "5tci",
+ "2gwl",
+ "2xz8",
+ "2mic",
+ "2y0t",
+ "6o8c",
+ "5h0u",
+ "1yq8",
+ "2jjo",
+ "1f1j",
+ "5nm7",
+ "5erp",
+ "4uc5",
+ "3szw",
+ "1y8m",
+ "3ccz",
+ "2c9x",
+ "5rsp",
+ "2vxb",
+ "1i7c",
+ "3r2d",
+ "5y2a",
+ "1gbf",
+ "7qbi",
+ "6sy3",
+ "1zvi",
+ "6qup",
+ "4ffy",
+ "6s9s",
+ "3ugf",
+ "6z4d",
+ "5xjs",
+ "3mh8",
+ "5p5m",
+ "4ga0",
+ "7ucy",
+ "2hd9",
+ "3fq1",
+ "4qy0",
+ "3k86",
+ "3ei9",
+ "3smj",
+ "1c0v",
+ "7kx6",
+ "5rtg",
+ "1b7q",
+ "1o7n",
+ "2irw",
+ "2jtm",
+ "4qx6",
+ "1xdg",
+ "5xih",
+ "7zhz",
+ "5ggc",
+ "3e1m",
+ "7uds",
+ "1pp3",
+ "5fm4",
+ "7rt3",
+ "1cnb",
+ "2w1t",
+ "8b3v",
+ "2q9u",
+ "3obq",
+ "5urh",
+ "1i35",
+ "1zb6",
+ "6leu",
+ "4aed",
+ "4anx",
+ "4jz1",
+ "1odg",
+ "1ns3",
+ "6ptt",
+ "2b3x",
+ "4avj",
+ "1q5v",
+ "4g4h",
+ "7niz",
+ "4v3e",
+ "231l",
+ "5u3l",
+ "5oif",
+ "5c5v",
+ "4heq",
+ "1zml",
+ "3qjq",
+ "1h3i",
+ "6wwa",
+ "2xpu",
+ "5h1b",
+ "5z5k",
+ "2apq",
+ "6ptm",
+ "4rui",
+ "7exo",
+ "5h77",
+ "4ibm",
+ "6vwc",
+ "6uqe",
+ "7nrx",
+ "6g7p",
+ "2a1m",
+ "6njt",
+ "6h6j",
+ "7qne",
+ "4qq5",
+ "3lht",
+ "7qig",
+ "5kq4",
+ "7k31",
+ "7pmy",
+ "5u3y",
+ "7sk0",
+ "3tyo",
+ "6jig",
+ "1qj8",
+ "6u8r",
+ "1zgv",
+ "2v73",
+ "1yu3",
+ "6tsw",
+ "1zl8",
+ "4a62",
+ "3kbc",
+ "6n8s",
+ "7cpr",
+ "1qpq",
+ "5wdh",
+ "7d85",
+ "6s8g",
+ "5pth",
+ "6a4j",
+ "2xls",
+ "6s0l",
+ "6vfj",
+ "3sdg",
+ "4und",
+ "6y5m",
+ "6kz7",
+ "7flg",
+ "4kd1",
+ "2f7a",
+ "6cfs",
+ "5h6b",
+ "1iu9",
+ "6kal",
+ "1t5x",
+ "5pad",
+ "3zdx",
+ "1joq",
+ "2pgt",
+ "4r54",
+ "5bwc",
+ "4bd9",
+ "1bsp",
+ "2x0h",
+ "6e9k",
+ "1ava",
+ "6e8h",
+ "4y02",
+ "7tja",
+ "4tvv",
+ "3eyk",
+ "1s4g",
+ "4ud2",
+ "1rp1",
+ "3piy",
+ "4bop",
+ "3afb",
+ "7c5d",
+ "7w41",
+ "4wnl",
+ "3hme",
+ "3u2k",
+ "3ng3",
+ "5fgd",
+ "4bvm",
+ "5f7s",
+ "1ffr",
+ "7mwt",
+ "8h0g",
+ "6lsv",
+ "3aac",
+ "4pv1",
+ "3vxu",
+ "6ny8",
+ "6i93",
+ "5psb",
+ "2jhu",
+ "7ezf",
+ "6j21",
+ "5ot4",
+ "4bln",
+ "2fhs",
+ "4kne",
+ "7wuw",
+ "4nsp",
+ "5b26",
+ "3lq8",
+ "4mn7",
+ "4uh5",
+ "1bs1",
+ "5o3e",
+ "4ww9",
+ "5ygx",
+ "7u2l",
+ "6icq",
+ "1khw",
+ "4ezl",
+ "6iae",
+ "2wnu",
+ "2rnb",
+ "3a0y",
+ "4cbs",
+ "6pu3",
+ "1s6q",
+ "5hw6",
+ "4rva",
+ "5zcl",
+ "6gvk",
+ "6zrc",
+ "5uyc",
+ "3n06",
+ "3rih",
+ "6zbc",
+ "6pa8",
+ "3fv2",
+ "1lzs",
+ "6yb5",
+ "1rgf",
+ "1kpl",
+ "4rv7",
+ "1r87",
+ "3ko1",
+ "3zrj",
+ "2mr3",
+ "6app",
+ "6psd",
+ "3j1e",
+ "5u5g",
+ "7ttq",
+ "1q8f",
+ "1bxd",
+ "5pcc",
+ "5drj",
+ "2zvz",
+ "1b2e",
+ "7tev",
+ "1dq6",
+ "6fiy",
+ "6wxl",
+ "6t4y",
+ "5nnc",
+ "3nyt",
+ "4gdm",
+ "5m0s",
+ "1cyx",
+ "4yfd",
+ "4itr",
+ "4lw1",
+ "8eb1",
+ "2zhx",
+ "1mff",
+ "4bj5",
+ "7r8e",
+ "1mop",
+ "3e7l",
+ "5tul",
+ "5u98",
+ "2rik",
+ "5k4l",
+ "6id2",
+ "1b1z",
+ "6wvs",
+ "7zfa",
+ "3wlm",
+ "4ic5",
+ "6gd3",
+ "6pc4",
+ "5qku",
+ "5ujd",
+ "4g0n",
+ "4psq",
+ "1bis",
+ "2qha",
+ "5rsz",
+ "7dkl",
+ "1dgn",
+ "7qpz",
+ "1qj4",
+ "5pu2",
+ "3g4r",
+ "2ltb",
+ "3svw",
+ "7qnm",
+ "4j51",
+ "1bl5",
+ "6lkk",
+ "1jtb",
+ "6s66",
+ "3a11",
+ "1l4h",
+ "3loz",
+ "6axl",
+ "4kao",
+ "5jxh",
+ "6km4",
+ "5h8q",
+ "6aoq",
+ "5m6h",
+ "7yke",
+ "4ptt",
+ "4e4x",
+ "2vcs",
+ "6h5l",
+ "2n40",
+ "6mt2",
+ "3bip",
+ "5hr3",
+ "1qb1",
+ "7t17",
+ "7sms",
+ "6tjm",
+ "1oyq",
+ "5b6d",
+ "4zmn",
+ "6ru0",
+ "1mc9",
+ "4cj6",
+ "5ec9",
+ "7jg8",
+ "6h64",
+ "7kdd",
+ "7aar",
+ "4rpx",
+ "5pch",
+ "5mwd",
+ "3hkf",
+ "4uv8",
+ "2v8h",
+ "2ohd",
+ "2pnu",
+ "5g6u",
+ "6i42",
+ "5qle",
+ "1dkp",
+ "1ayk",
+ "7zg0",
+ "1i1f",
+ "6phr",
+ "4cdb",
+ "5po7",
+ "5va1",
+ "1r7t",
+ "5p2s",
+ "5jof",
+ "5k9n",
+ "1g8g",
+ "3s5j",
+ "7rbk",
+ "1msn",
+ "2zof",
+ "1mr4",
+ "2zg3",
+ "4h6s",
+ "4nix",
+ "1lhj",
+ "3ztj",
+ "1f1h",
+ "5wrm",
+ "8dbs",
+ "2zi8",
+ "2msu",
+ "4tn9",
+ "2spm",
+ "1cyf",
+ "3jua",
+ "2w76",
+ "1hno",
+ "5y9a",
+ "6sbh",
+ "6s0s",
+ "3vtr",
+ "1nf6",
+ "7n02",
+ "5f1x",
+ "6c7f",
+ "2p08",
+ "4b3x",
+ "6hyc",
+ "4x7f",
+ "3zfk",
+ "7dp3",
+ "1aby",
+ "6mqy",
+ "4mz5",
+ "3gg5",
+ "1ajz",
+ "7b6d",
+ "2xgt",
+ "8eis",
+ "3cag",
+ "1jub",
+ "5wvz",
+ "6j2l",
+ "2ndm",
+ "8cvx",
+ "5h7p",
+ "5wib",
+ "3qbw",
+ "3bev",
+ "2fva",
+ "6eok",
+ "5teg",
+ "1bgn",
+ "5s62",
+ "6mih",
+ "5l5s",
+ "2jt0",
+ "2n3k",
+ "4ag5",
+ "2xxd",
+ "2lvo",
+ "4fp4",
+ "6o3o",
+ "2c3x",
+ "2zgv",
+ "1sfp",
+ "1d6x",
+ "2oq3",
+ "5i5i",
+ "4m9n",
+ "6bx8",
+ "3m6p",
+ "7rbi",
+ "3aex",
+ "2rkw",
+ "4cbu",
+ "4cl7",
+ "2r4f",
+ "7t0e",
+ "2es0",
+ "1dev",
+ "5ohi",
+ "2g55",
+ "1qoh",
+ "1cmb",
+ "4w8w",
+ "2lbx",
+ "2piv",
+ "5wya",
+ "7pgd",
+ "2ohe",
+ "3q2q",
+ "5uvj",
+ "4gq6",
+ "3rn4",
+ "4tw6",
+ "2ckl",
+ "1ctu",
+ "5ejx",
+ "1b1a",
+ "1bh3",
+ "4dx8",
+ "5otm",
+ "1fxq",
+ "6xfa",
+ "1a9t",
+ "5hvg",
+ "6r5f",
+ "2pmc",
+ "3stn",
+ "2zg2",
+ "4ipa",
+ "6wsm",
+ "5psv",
+ "7et2",
+ "4p9g",
+ "6ivq",
+ "2kzh",
+ "7juc",
+ "8a5m",
+ "1c10",
+ "1eu5",
+ "5d2r",
+ "6hmt",
+ "7kp1",
+ "6u7s",
+ "6lxv",
+ "4b6o",
+ "4uo6",
+ "1fql",
+ "6i4q",
+ "5wdw",
+ "5vun",
+ "7pqi",
+ "7cpa",
+ "6ng5",
+ "2m6y",
+ "1m8i",
+ "2n06",
+ "1caj",
+ "2x8g",
+ "7zvh",
+ "6jai",
+ "6qcs",
+ "2y5n",
+ "1bqi",
+ "5jyc",
+ "7e9a",
+ "2drc",
+ "4cnh",
+ "3jc6",
+ "3t5l",
+ "4wlm",
+ "7luc",
+ "1ils",
+ "1csh",
+ "4jcz",
+ "1bni",
+ "1b3i",
+ "1qr1",
+ "1w5e",
+ "6xn0",
+ "4ck3",
+ "2b4i",
+ "7pug",
+ "1f54",
+ "1u3v",
+ "8brb",
+ "7nu6",
+ "1z6a",
+ "7qhp",
+ "5ozq",
+ "4rw3",
+ "6r0n",
+ "4p1a",
+ "2c25",
+ "6k15",
+ "5ws7",
+ "3jv2",
+ "3uc0",
+ "7cd3",
+ "4o3f",
+ "4etr",
+ "5nis",
+ "2rnd",
+ "3oyz",
+ "4p2c",
+ "2op3",
+ "7m5c",
+ "6iym",
+ "5vkv",
+ "2ym0",
+ "6ktm",
+ "6dxz",
+ "2fu9",
+ "8bpe",
+ "4g1b",
+ "2idx",
+ "1a90",
+ "5t81",
+ "2k7v",
+ "1hu8",
+ "4r38",
+ "3in8",
+ "1p9j",
+ "6ep5",
+ "2qwl",
+ "1gfp",
+ "6dz0",
+ "6qqr",
+ "5fuc",
+ "3u65",
+ "2qs3",
+ "4p7j",
+ "7rwy",
+ "6n5z",
+ "3u39",
+ "5m1m",
+ "5jw7",
+ "4ws2",
+ "1dvz",
+ "4i1q",
+ "4b77",
+ "7lqa",
+ "5h35",
+ "2b1f",
+ "4jny",
+ "3wmv",
+ "4jiz",
+ "2mf7",
+ "5jq8",
+ "166l",
+ "3kfs",
+ "1eax",
+ "5zvu",
+ "7n8k",
+ "3wb4",
+ "3par",
+ "4agd",
+ "6yd4",
+ "7lz3",
+ "2x76",
+ "6dcz",
+ "4zcg",
+ "4ajo",
+ "2bp0",
+ "4ndd",
+ "2vl5",
+ "8hfh",
+ "2bdf",
+ "5tyf",
+ "8dz1",
+ "1hcy",
+ "6l6w",
+ "6nl8",
+ "4g20",
+ "7vb4",
+ "2zvn",
+ "4r9t",
+ "7f8d",
+ "2z8g",
+ "3q0y",
+ "5kwg",
+ "7m8c",
+ "7pmj",
+ "7f1b",
+ "3qe6",
+ "7qss",
+ "3t9b",
+ "6c8c",
+ "2w9h",
+ "5zr6",
+ "3v3r",
+ "3se3",
+ "3p4t",
+ "5pfc",
+ "3as4",
+ "7zgn",
+ "1s8g",
+ "6fmq",
+ "2vhf",
+ "4y96",
+ "6ln3",
+ "4b8c",
+ "6oos",
+ "1gqg",
+ "1w1w",
+ "7l05",
+ "2mvt",
+ "3w15",
+ "6cjv",
+ "3gl2",
+ "1juo",
+ "2xnj",
+ "5ijc",
+ "2jsp",
+ "4gix",
+ "5hgu",
+ "3sua",
+ "2piz",
+ "5aq7",
+ "3ei7",
+ "2hcc",
+ "4hsh",
+ "7atj",
+ "4lcd",
+ "3iuf",
+ "1mtb",
+ "1zr9",
+ "5mh4",
+ "1ffg",
+ "1xua",
+ "2ol9",
+ "2z36",
+ "1h7l",
+ "2cmh",
+ "5psf",
+ "1qq0",
+ "4agh",
+ "6klo",
+ "7qqm",
+ "7ead",
+ "4lep",
+ "1jva",
+ "6s16",
+ "1ig3",
+ "1n4m",
+ "2jrj",
+ "4am2",
+ "3gf7",
+ "4x95",
+ "2iuq",
+ "1c1p",
+ "7se6",
+ "1b7y",
+ "2ell",
+ "3iss",
+ "6hxd",
+ "5r24",
+ "5ivx",
+ "5nle",
+ "6d95",
+ "5ape",
+ "4idz",
+ "2i82",
+ "3rom",
+ "7bbf",
+ "4nl3",
+ "4pll",
+ "1z8y",
+ "3it6",
+ "1zpl",
+ "6v7p",
+ "5evm",
+ "6qw9",
+ "8de8",
+ "3ijz",
+ "6kbv",
+ "2jmi",
+ "5ue4",
+ "6hvl",
+ "3up1",
+ "5ik3",
+ "1d6a",
+ "6bv3",
+ "1zoy",
+ "7k6d",
+ "1bbn",
+ "6f4p",
+ "3d36",
+ "2bdx",
+ "4yfe",
+ "2gf7",
+ "4ez3",
+ "3ulg",
+ "6lhq",
+ "5fsn",
+ "6xet",
+ "1dqy",
+ "5w6o",
+ "7v2d",
+ "5gt7",
+ "3hod",
+ "3nom",
+ "1b9b",
+ "5i5n",
+ "1q2p",
+ "2w2q",
+ "2aa0",
+ "1pl4",
+ "2z9s",
+ "6rcr",
+ "1qo0",
+ "5u1w",
+ "2m8w",
+ "4cdu",
+ "3bqf",
+ "7f5b",
+ "4wex",
+ "1na7",
+ "8hkw",
+ "7ly1",
+ "3ryf",
+ "1jf3",
+ "3a6n",
+ "7plu",
+ "5csb",
+ "3zlm",
+ "3i5a",
+ "6vh4",
+ "4erz",
+ "6s5q",
+ "1nqp",
+ "2rst",
+ "3d7v",
+ "2ybf",
+ "3qu3",
+ "7pqt",
+ "1w88",
+ "1k20",
+ "6qde",
+ "1sl6",
+ "2uzo",
+ "8d3v",
+ "1m7l",
+ "3boj",
+ "1d09",
+ "6po1",
+ "3ttd",
+ "5r0v",
+ "3f1r",
+ "5a38",
+ "5cey",
+ "4fd2",
+ "7pyw",
+ "4nkh",
+ "1nu6",
+ "4b0e",
+ "4q5v",
+ "2zk5",
+ "3dcg",
+ "5t1l",
+ "1arl",
+ "3ti8",
+ "5ual",
+ "2kdu",
+ "7ki6",
+ "2a8t",
+ "3twp",
+ "2ixh",
+ "5spf",
+ "1fxs",
+ "4jwd",
+ "1cek",
+ "4po5",
+ "1fsg",
+ "7cxx",
+ "5p58",
+ "7sfv",
+ "2g89",
+ "5tiz",
+ "6m9g",
+ "4eu0",
+ "7cj4",
+ "2zae",
+ "3zf6",
+ "7jw9",
+ "3blt",
+ "2fdx",
+ "3qs7",
+ "7na1",
+ "6svd",
+ "7fph",
+ "7p5j",
+ "5pwk",
+ "5svg",
+ "5n21",
+ "5xcz",
+ "7kxq",
+ "5l7p",
+ "3omf",
+ "6xps",
+ "5gpd",
+ "7vlc",
+ "1zji",
+ "1jjx",
+ "7axp",
+ "7auz",
+ "6g5r",
+ "6h2l",
+ "6dlc",
+ "7lr7",
+ "1cz9",
+ "4gpu",
+ "2wnv",
+ "6a3t",
+ "4j0p",
+ "4fwr",
+ "3f1q",
+ "4f96",
+ "7kkb",
+ "1neu",
+ "7xwm",
+ "7juz",
+ "6kbu",
+ "6uvy",
+ "1pii",
+ "6c7l",
+ "4v3v",
+ "7uvr",
+ "4p8w",
+ "6vcd",
+ "5gkd",
+ "2sam",
+ "5bnj",
+ "3stu",
+ "5kx1",
+ "5eat",
+ "6emn",
+ "5ag8",
+ "4cxg",
+ "5nin",
+ "5ieb",
+ "1t34",
+ "2pkc",
+ "1i7t",
+ "6zdq",
+ "4e4j",
+ "1jvr",
+ "7t3b",
+ "5ula",
+ "6cq9",
+ "5p4b",
+ "3exg",
+ "5hya",
+ "1qsv",
+ "7kw0",
+ "3tud",
+ "1l84",
+ "6ucl",
+ "3zy7",
+ "5mt4",
+ "5cax",
+ "4y8g",
+ "4pqk",
+ "6w85",
+ "1zt3",
+ "6gl4",
+ "3fwv",
+ "5jy8",
+ "6a64",
+ "1a9z",
+ "5rto",
+ "1h9f",
+ "1gmy",
+ "4pyt",
+ "4m2c",
+ "7dko",
+ "2lgz",
+ "1e96",
+ "4jbs",
+ "3iou",
+ "7re2",
+ "7cbx",
+ "1s8f",
+ "5aoi",
+ "4dvd",
+ "3hzt",
+ "3rjo",
+ "7b4h",
+ "1n45",
+ "2nqr",
+ "3o6n",
+ "2il4",
+ "2pob",
+ "5mi8",
+ "1jki",
+ "4fn9",
+ "6eda",
+ "3o73",
+ "1azj",
+ "7sw1",
+ "1mac",
+ "7fn5",
+ "4h32",
+ "4tm9",
+ "7fls",
+ "6cbo",
+ "1mkt",
+ "6yi5",
+ "3zg2",
+ "1apy",
+ "7pyx",
+ "4a34",
+ "7ora",
+ "3wug",
+ "3w7s",
+ "6obq",
+ "6vhn",
+ "5wl6",
+ "3aya",
+ "3iiy",
+ "3dpp",
+ "7b3f",
+ "5j80",
+ "5ytk",
+ "7c9t",
+ "3ivq",
+ "1dng",
+ "4ezt",
+ "5swa",
+ "2e8x",
+ "1z4i",
+ "6m32",
+ "7nwb",
+ "1zc0",
+ "4u0w",
+ "6kg2",
+ "5r23",
+ "1lx8",
+ "2f95",
+ "3te9",
+ "2gol",
+ "1fi8",
+ "2pdb",
+ "2y5h",
+ "2mgh",
+ "5ode",
+ "5dyu",
+ "1b8n",
+ "7u0a",
+ "4k9f",
+ "2vws",
+ "4p3m",
+ "6fl5",
+ "3qyo",
+ "4raz",
+ "5tb7",
+ "3w39",
+ "3cfe",
+ "2qyl",
+ "3j0b",
+ "2vmj",
+ "2yjt",
+ "1qwt",
+ "4i48",
+ "6jht",
+ "3efk",
+ "5pzj",
+ "4mt5",
+ "4n5b",
+ "7jli",
+ "7dyy",
+ "3rwu",
+ "2bqq",
+ "6ncy",
+ "6cd8",
+ "6cer",
+ "2n12",
+ "1wqw",
+ "4pzr",
+ "2ohr",
+ "7yy5",
+ "4i8n",
+ "6r1o",
+ "2e64",
+ "7vj8",
+ "3cdp",
+ "7efv",
+ "2b9z",
+ "2p9s",
+ "3vqp",
+ "3a92",
+ "2j6a",
+ "2hsh",
+ "4pgw",
+ "6e3o",
+ "6t6d",
+ "4huv",
+ "8d7h",
+ "5u86",
+ "4hmg",
+ "2ky8",
+ "1l0o",
+ "5xny",
+ "6hl1",
+ "5sp2",
+ "6gp8",
+ "7yoa",
+ "2wb3",
+ "6xd7",
+ "1yed",
+ "3o9h",
+ "6n7p",
+ "5ouu",
+ "3hwo",
+ "1bvr",
+ "6jc9",
+ "6jx3",
+ "7loj",
+ "4lzg",
+ "6f1p",
+ "4ijq",
+ "4qy2",
+ "3nqw",
+ "1snm",
+ "1gsa",
+ "6kax",
+ "1cxe",
+ "1kqy",
+ "1sgl",
+ "4ryf",
+ "3vr0",
+ "2bp3",
+ "7p2v",
+ "1s5p",
+ "4unm",
+ "1wtn",
+ "1p84",
+ "1soq",
+ "4iyc",
+ "1k1i",
+ "5e72",
+ "3sdk",
+ "4poc",
+ "1gh1",
+ "3psg",
+ "6tgx",
+ "6c9l",
+ "4b3d",
+ "1gsd",
+ "4h9h",
+ "5ckd",
+ "3dr0",
+ "5kov",
+ "3bnj",
+ "1bgi",
+ "3wvk",
+ "1hd7",
+ "4gvm",
+ "6tnd",
+ "3ick",
+ "3m46",
+ "6o2u",
+ "7u24",
+ "4gne",
+ "7noh",
+ "3k4y",
+ "1iuk",
+ "4e1e",
+ "7jgk",
+ "6wjj",
+ "4kon",
+ "2eav",
+ "1zuv",
+ "4ld4",
+ "5h49",
+ "5ob9",
+ "3r1l",
+ "7rkc",
+ "1bva",
+ "2lme",
+ "1smw",
+ "2lj2",
+ "2waf",
+ "2abl",
+ "6jwh",
+ "1otf",
+ "6s09",
+ "7qx6",
+ "7pll",
+ "3aqs",
+ "1hsr",
+ "254l",
+ "6hyh",
+ "4z79",
+ "4ymk",
+ "5hkr",
+ "5ziy",
+ "2y8s",
+ "5h9l",
+ "1n49",
+ "6x0a",
+ "5pv8",
+ "5lem",
+ "4l6s",
+ "6b5m",
+ "1tvb",
+ "3m8p",
+ "1fah",
+ "1gmb",
+ "2vw4",
+ "4ely",
+ "4c2p",
+ "1k5h",
+ "6cga",
+ "2o7l",
+ "2wjw",
+ "3rrm",
+ "4j8g",
+ "2jx5",
+ "7zeh",
+ "5iy3",
+ "2ian",
+ "1wli",
+ "6azl",
+ "6fvh",
+ "3bb3",
+ "6fyq",
+ "1sn5",
+ "5s29",
+ "6nsy",
+ "7kr0",
+ "5qcv",
+ "7qvc",
+ "7z7s",
+ "2cbx",
+ "5pck",
+ "6fkf",
+ "1qst",
+ "1msv",
+ "6v0n",
+ "3b5y",
+ "5t74",
+ "6toj",
+ "3aez",
+ "3hhp",
+ "6ym9",
+ "7p2d",
+ "4r7e",
+ "1swf",
+ "6tjz",
+ "3fa3",
+ "3nvr",
+ "6om1",
+ "5r8l",
+ "1gmv",
+ "7tq2",
+ "8drt",
+ "6hwt",
+ "3zpq",
+ "1lxi",
+ "1wck",
+ "1g49",
+ "7v17",
+ "1jq8",
+ "4za1",
+ "6wez",
+ "2mrt",
+ "5mlz",
+ "5zd4",
+ "4qvf",
+ "7cnr",
+ "6bwq",
+ "1imj",
+ "3d44",
+ "7c7z",
+ "3dsk",
+ "1fua",
+ "4hzd",
+ "6qey",
+ "3t47",
+ "5m04",
+ "2j4h",
+ "4s05",
+ "5gy0",
+ "3iai",
+ "2lwj",
+ "4it2",
+ "3zwz",
+ "6q5b",
+ "8dsj",
+ "4d7v",
+ "4kpy",
+ "6xp8",
+ "3pbs",
+ "2i2x",
+ "3lld",
+ "6t5l",
+ "3bi6",
+ "3kna",
+ "5ub6",
+ "5o6g",
+ "4xyj",
+ "2e0t",
+ "5pl7",
+ "3oyl",
+ "7dww",
+ "5h61",
+ "4x94",
+ "1qmo",
+ "5nfk",
+ "3e89",
+ "6n2w",
+ "3pmq",
+ "3q8l",
+ "6ytb",
+ "8afp",
+ "2bvd",
+ "1dqi",
+ "7wah",
+ "7drw",
+ "4xur",
+ "1x7p",
+ "7b33",
+ "5a88",
+ "3ugq",
+ "3rtv",
+ "6v06",
+ "7wmh",
+ "3pxx",
+ "3aci",
+ "4z2u",
+ "3cl4",
+ "2r42",
+ "7r33",
+ "6mj5",
+ "1ye2",
+ "1h2s",
+ "1od6",
+ "2rr7",
+ "5lcb",
+ "4lk6",
+ "1vyf",
+ "6uwn",
+ "1fd8",
+ "2jag",
+ "6bqm",
+ "3qr3",
+ "1u3n",
+ "1z9e",
+ "6kgt",
+ "7eh2",
+ "5g4q",
+ "4g98",
+ "7q6n",
+ "3lam",
+ "7mc5",
+ "7q2e",
+ "4n7s",
+ "5zf9",
+ "6rhr",
+ "1p60",
+ "6hqt",
+ "6b28",
+ "3p3g",
+ "3ntp",
+ "5fba",
+ "6ywi",
+ "1qc5",
+ "6ten",
+ "1e9e",
+ "5i96",
+ "5r8x",
+ "4hdo",
+ "6rqf",
+ "5w83",
+ "6p23",
+ "3mge",
+ "6tal",
+ "6ieb",
+ "4ckg",
+ "7dmy",
+ "7l65",
+ "2der",
+ "7pme",
+ "6cdp",
+ "6vs5",
+ "5tjn",
+ "4fvb",
+ "7m90",
+ "4gc6",
+ "2lyn",
+ "2y23",
+ "7vbt",
+ "7mg3",
+ "4x5y",
+ "4bs5",
+ "3hq9",
+ "4ual",
+ "5zod",
+ "6ke1",
+ "4qqd",
+ "2pez",
+ "2vg1",
+ "3lfu",
+ "7thv",
+ "5xqa",
+ "5cbi",
+ "6uej",
+ "2i4t",
+ "5ixi",
+ "7weu",
+ "1p74",
+ "5vxd",
+ "5zbh",
+ "6lxq",
+ "4u1r",
+ "4i5v",
+ "7lvq",
+ "7o2v",
+ "2w6i",
+ "6wcb",
+ "5x2e",
+ "5c0d",
+ "5apw",
+ "3vwb",
+ "1a0z",
+ "3c23",
+ "6lc7",
+ "6nmx",
+ "3hjy",
+ "5wy0",
+ "5nhz",
+ "6y83",
+ "4psb",
+ "5itc",
+ "6ezx",
+ "6suy",
+ "5y6q",
+ "5nku",
+ "6pld",
+ "8gih",
+ "4gm1",
+ "6op3",
+ "6xn5",
+ "5hkj",
+ "2vb8",
+ "5zfi",
+ "2ik8",
+ "4mr3",
+ "5yts",
+ "3v1h",
+ "2vuj",
+ "6za4",
+ "3cqc",
+ "5jgf",
+ "7e39",
+ "1b58",
+ "1d2q",
+ "3g1v",
+ "7vgg",
+ "5cwz",
+ "2wpo",
+ "4ig9",
+ "6g6m",
+ "5x4m",
+ "4gw4",
+ "4i3x",
+ "7p1v",
+ "7tso",
+ "2i2f",
+ "4cz5",
+ "6afx",
+ "8b9e",
+ "7t5w",
+ "7ulj",
+ "3eid",
+ "4p0x",
+ "2fik",
+ "1ryo",
+ "1p4f",
+ "7k5c",
+ "2otc",
+ "5nwg",
+ "1oj5",
+ "7fsd",
+ "6v3n",
+ "2drz",
+ "1cd1",
+ "5ibk",
+ "2caq",
+ "1u7d",
+ "1k9e",
+ "1edb",
+ "3sar",
+ "5cyl",
+ "2yno",
+ "2f8v",
+ "7l4t",
+ "7dll",
+ "2zyr",
+ "7chq",
+ "6fzk",
+ "2l0p",
+ "1agb",
+ "7d8x",
+ "1uzp",
+ "4yff",
+ "5pog",
+ "3d42",
+ "5kji",
+ "6opn",
+ "5zi5",
+ "2fxp",
+ "5hlt",
+ "7coi",
+ "5li2",
+ "5kdu",
+ "2oz4",
+ "5fq3",
+ "3t1u",
+ "6z0j",
+ "4whs",
+ "6ve2",
+ "7far",
+ "1szp",
+ "5ycp",
+ "1yuw",
+ "7nuk",
+ "4aj2",
+ "6fya",
+ "2zeq",
+ "6r9v",
+ "6c34",
+ "5ej9",
+ "7qn2",
+ "2m2u",
+ "6vit",
+ "7esk",
+ "3m0m",
+ "7p3i",
+ "4ge1",
+ "5t2t",
+ "3h23",
+ "1krc",
+ "2k4r",
+ "4i88",
+ "4plu",
+ "5n6s",
+ "4mue",
+ "6h0u",
+ "1ea5",
+ "8bll",
+ "1qj5",
+ "5ovp",
+ "5rf6",
+ "1o9x",
+ "2km0",
+ "3dfr",
+ "6w9t",
+ "1qm5",
+ "1by7",
+ "1t44",
+ "6bol",
+ "2fy1",
+ "5fw5",
+ "3s82",
+ "5nz4",
+ "7u3a",
+ "6n46",
+ "1heq",
+ "4hw4",
+ "7c16",
+ "1z3c",
+ "4j00",
+ "5wpk",
+ "1b28",
+ "7orl",
+ "5n72",
+ "4l91",
+ "3kjt",
+ "3a3v",
+ "5tvs",
+ "3tb9",
+ "5x8k",
+ "1v5d",
+ "3tfq",
+ "6o68",
+ "8a3b",
+ "1nse",
+ "2ifg",
+ "6a0f",
+ "1m0p",
+ "3rpv",
+ "1ju8",
+ "6hoh",
+ "3v4i",
+ "6otw",
+ "5oim",
+ "7oa2",
+ "7ewx",
+ "1xf9",
+ "3nga",
+ "3hlx",
+ "7u2k",
+ "3brv",
+ "4nic",
+ "6jlc",
+ "4tqc",
+ "7lzz",
+ "3fpf",
+ "4o9d",
+ "1s05",
+ "6wx2",
+ "3uh4",
+ "8bxa",
+ "1n6y",
+ "8ea6",
+ "5vfy",
+ "1rqa",
+ "6yun",
+ "6nr9",
+ "7azc",
+ "4odp",
+ "3gmq",
+ "5ojg",
+ "6zd9",
+ "8dcy",
+ "5ah8",
+ "2he2",
+ "3u3d",
+ "3bng",
+ "1mg9",
+ "4g8k",
+ "2quu",
+ "3b27",
+ "4jry",
+ "2o4r",
+ "4kup",
+ "1bjv",
+ "1ixh",
+ "7t6u",
+ "3nar",
+ "7vfe",
+ "2y5d",
+ "6et0",
+ "5e9s",
+ "7ula",
+ "2fob",
+ "6lnt",
+ "2q0e",
+ "2ynn",
+ "8c03",
+ "1jqm",
+ "1c6d",
+ "6sci",
+ "4ghe",
+ "4reo",
+ "1zwo",
+ "7rc6",
+ "3cw3",
+ "1xfo",
+ "6hih",
+ "6d31",
+ "1nfi",
+ "6ozj",
+ "1akv",
+ "3njo",
+ "2yb9",
+ "2xqc",
+ "1dtm",
+ "3ueg",
+ "1w6y",
+ "2plc",
+ "2c88",
+ "8dr0",
+ "4qqx",
+ "1avd",
+ "3r42",
+ "3mwe",
+ "6hsm",
+ "7rt4",
+ "5g61",
+ "7q5h",
+ "5zt4",
+ "6dp2",
+ "2axq",
+ "2n5r",
+ "6zp6",
+ "2g67",
+ "2h48",
+ "1set",
+ "2wvt",
+ "4ngy",
+ "1uta",
+ "4fpp",
+ "4bbm",
+ "2brk",
+ "5yp6",
+ "3vxo",
+ "6un2",
+ "2vq1",
+ "3l0k",
+ "6kzz",
+ "7seb",
+ "7rvr",
+ "7wlg",
+ "7ptv",
+ "7tsj",
+ "6xoy",
+ "3zxv",
+ "3jcb",
+ "6dtt",
+ "2lbc",
+ "5kjc",
+ "4wsi",
+ "7can",
+ "5oab",
+ "4r6v",
+ "4pm8",
+ "6rja",
+ "5lfa",
+ "7enz",
+ "1uak",
+ "4ylu",
+ "2nue",
+ "1mml",
+ "5uwh",
+ "3l4f",
+ "1ek1",
+ "6yux",
+ "1fwj",
+ "1lzr",
+ "4dia",
+ "1br9",
+ "6ei9",
+ "7q8c",
+ "6iwy",
+ "2fe8",
+ "2uzj",
+ "5t12",
+ "5kag",
+ "8dc2",
+ "3mj7",
+ "1n72",
+ "3u4u",
+ "4fqd",
+ "2dfl",
+ "1c02",
+ "5cj1",
+ "3o0i",
+ "3c2t",
+ "5lzn",
+ "5uq3",
+ "5h94",
+ "4zky",
+ "4mqr",
+ "6mis",
+ "2r9p",
+ "1ahg",
+ "6g49",
+ "3q02",
+ "7rvy",
+ "6cwq",
+ "1zp4",
+ "6shy",
+ "1qw8",
+ "7bot",
+ "4txi",
+ "4yyn",
+ "6wu4",
+ "1bas",
+ "5zjq",
+ "3dow",
+ "2znh",
+ "2h13",
+ "3e2a",
+ "6ro6",
+ "2voh",
+ "3bcg",
+ "3pza",
+ "6s8d",
+ "4h2y",
+ "6pp3",
+ "6g35",
+ "3ve4",
+ "3wpm",
+ "1ipd",
+ "4gur",
+ "5md6",
+ "5r2d",
+ "7o0j",
+ "1b8y",
+ "3ona",
+ "1bb0",
+ "1ne5",
+ "4rmu",
+ "5mjv",
+ "2zz8",
+ "6vbj",
+ "7u67",
+ "1ifl",
+ "2l7b",
+ "1jdq",
+ "3vx3",
+ "5lun",
+ "4r4h",
+ "1sh5",
+ "5u8t",
+ "3b44",
+ "1meg",
+ "5okd",
+ "1p2x",
+ "1v57",
+ "1mug",
+ "1qh4",
+ "4drq",
+ "6iaf",
+ "2hji",
+ "3lrc",
+ "1pmd",
+ "5ycz",
+ "4efo",
+ "1b0k",
+ "3vjr",
+ "5xir",
+ "4um5",
+ "6nge",
+ "5ap8",
+ "2fo3",
+ "4rbo",
+ "5eqm",
+ "1gvo",
+ "4x2s",
+ "5yy6",
+ "4f4u",
+ "3zhx",
+ "1w5p",
+ "4qxr",
+ "6z8s",
+ "7ny1",
+ "5lw2",
+ "3c32",
+ "7oa6",
+ "1vpi",
+ "2wkr",
+ "3lca",
+ "1cqh",
+ "7lc8",
+ "5s3b",
+ "2xu7",
+ "1g7c",
+ "4ilx",
+ "1rim",
+ "6lvz",
+ "5d7x",
+ "5yqi",
+ "4zox",
+ "5gwf",
+ "1tmx",
+ "3d8w",
+ "7b6b",
+ "4bkg",
+ "3bzm",
+ "4txy",
+ "5nh4",
+ "5i9w",
+ "3vdd",
+ "6tk3",
+ "1a4y",
+ "3nt0",
+ "3ulv",
+ "3ekw",
+ "3a8r",
+ "4r77",
+ "1y28",
+ "5y53",
+ "7rdl",
+ "6sh8",
+ "6wm5",
+ "6m7x",
+ "3ul9",
+ "6x5j",
+ "5l5p",
+ "2ohh",
+ "2xbl",
+ "2w9p",
+ "3fya",
+ "6x9x",
+ "1p8h",
+ "3kx3",
+ "6p7g",
+ "1he3",
+ "4py7",
+ "3uub",
+ "1uxt",
+ "4twi",
+ "2z21",
+ "8e6l",
+ "3i2o",
+ "5if0",
+ "6arb",
+ "4oet",
+ "6og2",
+ "4c79",
+ "6avj",
+ "5tm9",
+ "7f2k",
+ "7mxl",
+ "4jxv",
+ "2dsb",
+ "6cj4",
+ "5pfx",
+ "6g1v",
+ "1m0w",
+ "2ch4",
+ "6nra",
+ "1uxb",
+ "6b30",
+ "4n16",
+ "5ddb",
+ "5gue",
+ "3wcu",
+ "4y97",
+ "7l2t",
+ "6v8z",
+ "6ton",
+ "4kf2",
+ "1zyp",
+ "6tei",
+ "1itv",
+ "4mu1",
+ "1hom",
+ "6fyi",
+ "7cxz",
+ "4kt8",
+ "5jun",
+ "2vwv",
+ "1wb6",
+ "5i0i",
+ "2ij4",
+ "5ds4",
+ "1uai",
+ "7lqd",
+ "7aq9",
+ "4fmq",
+ "4i85",
+ "4za0",
+ "2fp0",
+ "6pg5",
+ "4gkf",
+ "5iev",
+ "1q5h",
+ "4kqm",
+ "6n3h",
+ "6e50",
+ "6nlk",
+ "6c8b",
+ "4rdx",
+ "4umm",
+ "3g5v",
+ "4ub2",
+ "6nfh",
+ "6bt5",
+ "1pc9",
+ "4tvu",
+ "7ufy",
+ "1mnd",
+ "5inb",
+ "3mxc",
+ "7kfw",
+ "7tw0",
+ "5ien",
+ "3fvc",
+ "7d3y",
+ "7krb",
+ "5x24",
+ "2ode",
+ "5j0x",
+ "2h5c",
+ "6rcd",
+ "2q44",
+ "1dm2",
+ "7bvx",
+ "3ref",
+ "4i56",
+ "7y4s",
+ "1e57",
+ "4dj8",
+ "1h2e",
+ "2p2d",
+ "1ggg",
+ "1h4f",
+ "5c1b",
+ "5e2s",
+ "6xwl",
+ "6bwb",
+ "3l9h",
+ "1grq",
+ "2a7a",
+ "7cqf",
+ "1ere",
+ "3t64",
+ "6hze",
+ "4yfo",
+ "7a11",
+ "7nu7",
+ "5qer",
+ "6uqw",
+ "1t49",
+ "4tku",
+ "3s7o",
+ "1afi",
+ "2pa4",
+ "6k0i",
+ "8e40",
+ "5ztj",
+ "3b95",
+ "4we5",
+ "6xb2",
+ "1bmq",
+ "4hg5",
+ "6css",
+ "2vur",
+ "5bwd",
+ "6j4v",
+ "4wcj",
+ "5u94",
+ "6d06",
+ "1pca",
+ "6pmz",
+ "7crs",
+ "3q6k",
+ "4xrd",
+ "5mqo",
+ "2ljy",
+ "1k0d",
+ "8bql",
+ "6tus",
+ "1jep",
+ "7kon",
+ "6p3t",
+ "5uj5",
+ "3wvl",
+ "3pbo",
+ "3ehx",
+ "4kbf",
+ "1ycs",
+ "4dlu",
+ "7qgy",
+ "5fk7",
+ "2fmd",
+ "1qp1",
+ "2vtg",
+ "5v97",
+ "2x4a",
+ "7vtn",
+ "8a4m",
+ "5bvl",
+ "2oax",
+ "3j6s",
+ "1g32",
+ "3log",
+ "7b9s",
+ "3t9l",
+ "2osg",
+ "1p9y",
+ "2lvk",
+ "1lyn",
+ "1pi7",
+ "3vck",
+ "4h3j",
+ "6p5r",
+ "7afv",
+ "4qwg",
+ "3cgt",
+ "5uip",
+ "6pen",
+ "7q4q",
+ "1kzg",
+ "4b9j",
+ "5esc",
+ "7x6j",
+ "8ew5",
+ "4uhy",
+ "1bmo",
+ "1lwi",
+ "4iov",
+ "2ok8",
+ "7nom",
+ "1es9",
+ "7u1p",
+ "6me8",
+ "4qyf",
+ "4del",
+ "4f3g",
+ "2ywp",
+ "7uke",
+ "2bv3",
+ "4zqk",
+ "3it9",
+ "1e2k",
+ "8agr",
+ "4pbs",
+ "7anq",
+ "1o17",
+ "3ca6",
+ "1h30",
+ "5akq",
+ "6r7f",
+ "6lvt",
+ "4yar",
+ "8gwn",
+ "6ci6",
+ "6x4k",
+ "2nov",
+ "6r7w",
+ "6o4b",
+ "2wuv",
+ "5p1r",
+ "5b0i",
+ "3bci",
+ "7zxw",
+ "1oxq",
+ "1k3n",
+ "6o12",
+ "3j4u",
+ "5xcv",
+ "3l8i",
+ "6oqk",
+ "2xs0",
+ "7v6a",
+ "2bph",
+ "3hdy",
+ "5y13",
+ "4xxg",
+ "2qbu",
+ "6d4u",
+ "5ynw",
+ "7s6z",
+ "3bih",
+ "5r9d",
+ "3bj5",
+ "3rgb",
+ "6t38",
+ "1um0",
+ "2yp6",
+ "7qnd",
+ "4doj",
+ "2fo4",
+ "2b04",
+ "4cpp",
+ "6yhf",
+ "6yli",
+ "7qsp",
+ "1mzn",
+ "2g41",
+ "6nu9",
+ "4fqq",
+ "7uwj",
+ "4ued",
+ "5jge",
+ "3k8z",
+ "8fab",
+ "5jhj",
+ "4evh",
+ "3tfk",
+ "6uis",
+ "2jeq",
+ "4o1c",
+ "6iq5",
+ "3cob",
+ "5sac",
+ "6ogh",
+ "4ff5",
+ "3hay",
+ "5roj",
+ "1ffx",
+ "5oyc",
+ "1xnw",
+ "3u3j",
+ "2h4g",
+ "7xwx",
+ "2snm",
+ "3zus",
+ "7qyw",
+ "7qow",
+ "5k1k",
+ "5p1s",
+ "5wqu",
+ "3d8r",
+ "6n6f",
+ "5flw",
+ "1it1",
+ "7lpp",
+ "4dgp",
+ "5xzi",
+ "2wvf",
+ "2ln7",
+ "1s6f",
+ "7woh",
+ "6wfz",
+ "1hrj",
+ "3zr6",
+ "3hv0",
+ "2xj0",
+ "7z0l",
+ "6vdp",
+ "1cxi",
+ "1nwd",
+ "4x7b",
+ "1wy6",
+ "1sqf",
+ "1fq8",
+ "7eov",
+ "7n6n",
+ "7dl0",
+ "5p3m",
+ "6l5v",
+ "4pez",
+ "1aj8",
+ "1h6f",
+ "6toz",
+ "2rt3",
+ "8dyg",
+ "2v2n",
+ "3hdl",
+ "6hvs",
+ "2wa3",
+ "5elj",
+ "5c6c",
+ "1cvi",
+ "7f7y",
+ "5vv0",
+ "4a05",
+ "4yiq",
+ "3tdw",
+ "5lis",
+ "7s98",
+ "1va5",
+ "1s8o",
+ "5iim",
+ "6tw9",
+ "6v0y",
+ "2kzb",
+ "5dtw",
+ "4i6i",
+ "6f8o",
+ "3oh3",
+ "4m08",
+ "1hg3",
+ "3nlr",
+ "1t4p",
+ "4v2s",
+ "4ezz",
+ "6ftn",
+ "1cka",
+ "5f9s",
+ "2df3",
+ "4lqg",
+ "7yyb",
+ "5hmh",
+ "7tfj",
+ "5zvh",
+ "2jsw",
+ "3c2f",
+ "3v3b",
+ "7au1",
+ "6dwk",
+ "7lbh",
+ "5buj",
+ "3lwl",
+ "5ow4",
+ "1fqf",
+ "2ol3",
+ "1fj1",
+ "4m1i",
+ "6cpv",
+ "6ave",
+ "5qzf",
+ "5pm4",
+ "4tut",
+ "2mbq",
+ "2wmn",
+ "7m7r",
+ "2asi",
+ "5fji",
+ "4a7a",
+ "6rqj",
+ "5p0l",
+ "3sft",
+ "6s9d",
+ "5yh7",
+ "1s3n",
+ "6c1w",
+ "5p38",
+ "4png",
+ "4wjk",
+ "6or8",
+ "2n4v",
+ "2a8n",
+ "2ezw",
+ "1lii",
+ "5bxc",
+ "4za3",
+ "6ii9",
+ "6dgx",
+ "2vvz",
+ "1u8p",
+ "5ctn",
+ "5zuv",
+ "6wty",
+ "2nb6",
+ "3fdy",
+ "4c2h",
+ "7nib",
+ "2n21",
+ "5n92",
+ "1my7",
+ "5xe5",
+ "1om6",
+ "7x7u",
+ "5dnn",
+ "2xzw",
+ "3atf",
+ "4kqf",
+ "5qfs",
+ "5wps",
+ "5mgl",
+ "2d6m",
+ "2izw",
+ "4lv1",
+ "3jae",
+ "2fdy",
+ "6r69",
+ "2qk9",
+ "1hte",
+ "2bn4",
+ "1hgf",
+ "5fsv",
+ "7agf",
+ "2b97",
+ "4jvq",
+ "6pqi",
+ "5xnx",
+ "3sfc",
+ "1b9g",
+ "4kbg",
+ "1u0g",
+ "5osy",
+ "4erv",
+ "7kry",
+ "1uj3",
+ "4yvn",
+ "3a1z",
+ "1tfg",
+ "7mk0",
+ "5kn4",
+ "7eo2",
+ "2q6h",
+ "4k8z",
+ "7c6l",
+ "3jv1",
+ "4ban",
+ "3q8x",
+ "4bsj",
+ "6iz4",
+ "3nb7",
+ "6t1r",
+ "5l0f",
+ "6f78",
+ "1qpu",
+ "1cto",
+ "4wyt",
+ "4j09",
+ "2qir",
+ "5tvf",
+ "4p3i",
+ "6ub7",
+ "1t3r",
+ "5zw9",
+ "3zzu",
+ "4upj",
+ "7ewz",
+ "5g6k",
+ "7a5x",
+ "6fw5",
+ "1mzp",
+ "6bwr",
+ "5pnr",
+ "4p9a",
+ "1gx4",
+ "7kk8",
+ "4gt5",
+ "2xao",
+ "3q8g",
+ "7fle",
+ "6ky8",
+ "7cvq",
+ "5hck",
+ "2w7q",
+ "6p4j",
+ "4usk",
+ "5rvl",
+ "5l71",
+ "7duy",
+ "1x14",
+ "6mzb",
+ "5et0",
+ "6qjg",
+ "1ef4",
+ "2lb5",
+ "6frc",
+ "6rgg",
+ "4c58",
+ "5ogg",
+ "2z4y",
+ "1lls",
+ "3axs",
+ "7n55",
+ "7kxb",
+ "3fdm",
+ "2wgi",
+ "7k80",
+ "7l59",
+ "2q3g",
+ "5omu",
+ "5p4m",
+ "2iye",
+ "7lxc",
+ "7pb9",
+ "7sbb",
+ "3mkq",
+ "3i7z",
+ "6hh5",
+ "7nm5",
+ "3max",
+ "5hcc",
+ "4qxh",
+ "4i6e",
+ "2r88",
+ "1b9o",
+ "1hnj",
+ "5s5d",
+ "4zu2",
+ "1lkb",
+ "5lru",
+ "5g4c",
+ "2d44",
+ "4lh2",
+ "5dyv",
+ "5muz",
+ "3e2w",
+ "3vt6",
+ "6tc2",
+ "1fl7",
+ "2al4",
+ "3iqq",
+ "4bt5",
+ "4x4r",
+ "1hhq",
+ "2npf",
+ "5pcd",
+ "2odn",
+ "5e5u",
+ "3k5n",
+ "6gbs",
+ "3lo2",
+ "3cdf",
+ "3f32",
+ "5d8a",
+ "6n3o",
+ "1kmd",
+ "5noc",
+ "6udu",
+ "3exr",
+ "1bks",
+ "4c8m",
+ "6pbi",
+ "7l1r",
+ "6iv5",
+ "5d2s",
+ "5yb9",
+ "2ose",
+ "6fwz",
+ "4zan",
+ "3rbg",
+ "7s88",
+ "5myw",
+ "5fjv",
+ "2iy9",
+ "6whe",
+ "6zag",
+ "7o5r",
+ "6dfx",
+ "1c8b",
+ "6vly",
+ "3d63",
+ "5y15",
+ "6wrl",
+ "2bos",
+ "2xx5",
+ "4di3",
+ "5k06",
+ "8bve",
+ "2xvo",
+ "6e83",
+ "5s2c",
+ "7pfv",
+ "3j7v",
+ "4j3f",
+ "5oj6",
+ "5ogh",
+ "4k06",
+ "4opy",
+ "4kr5",
+ "4dhk",
+ "6dz3",
+ "3sb5",
+ "5l1t",
+ "2i0i",
+ "4uqv",
+ "2vmu",
+ "5ex2",
+ "6raj",
+ "5l0t",
+ "5otv",
+ "4rux",
+ "2bjy",
+ "6rts",
+ "4awi",
+ "5csn",
+ "3avh",
+ "1jkd",
+ "2a7c",
+ "2xb6",
+ "5wuc",
+ "5jfm",
+ "2mk0",
+ "3p24",
+ "3ws9",
+ "7pwt",
+ "2ms8",
+ "6jba",
+ "2dgl",
+ "4jfe",
+ "1b37",
+ "6khn",
+ "5u82",
+ "7sks",
+ "8dl7",
+ "2bdd",
+ "1nzu",
+ "8fgz",
+ "5vl2",
+ "1jc5",
+ "4h0v",
+ "2qbw",
+ "1qz3",
+ "3rtx",
+ "2fhy",
+ "1b7p",
+ "5mxb",
+ "4j76",
+ "3oye",
+ "3g8v",
+ "5fq8",
+ "3ebk",
+ "3l2u",
+ "4tjy",
+ "7ycq",
+ "1ds4",
+ "3lom",
+ "1zye",
+ "7uj1",
+ "1bsh",
+ "5aim",
+ "3o8v",
+ "4hu8",
+ "3w5i",
+ "1qmq",
+ "4be9",
+ "1bow",
+ "2r2b",
+ "1far",
+ "5n5k",
+ "3mmr",
+ "5zby",
+ "6ek4",
+ "3moy",
+ "1h2d",
+ "5pju",
+ "4ack",
+ "1ns2",
+ "1tpl",
+ "3dj1",
+ "6t7d",
+ "3wxs",
+ "4c0p",
+ "5ue3",
+ "7k2d",
+ "3e7k",
+ "4oq5",
+ "2lf3",
+ "6b3o",
+ "5k5w",
+ "1nv6",
+ "5ovy",
+ "1av8",
+ "6hnc",
+ "2e4v",
+ "2qod",
+ "1lz5",
+ "4qvv",
+ "4col",
+ "7m8b",
+ "6ukk",
+ "5ngr",
+ "5uf0",
+ "4meo",
+ "3n1x",
+ "3e9l",
+ "6oiz",
+ "1gpt",
+ "3ujq",
+ "1stu",
+ "3ies",
+ "3qsp",
+ "2l35",
+ "1pyb",
+ "2j0x",
+ "6g7g",
+ "2hy0",
+ "3uxg",
+ "5pqs",
+ "6kog",
+ "1ojy",
+ "1dv0",
+ "4gmb",
+ "7ddt",
+ "5gyd",
+ "6cf5",
+ "5a29",
+ "3mjc",
+ "5dih",
+ "4pm7",
+ "6x1r",
+ "6ai3",
+ "3zym",
+ "5hlk",
+ "7fp5",
+ "6ga7",
+ "2qkw",
+ "7m0g",
+ "2jv9",
+ "5hy4",
+ "2vsf",
+ "4yft",
+ "3v7e",
+ "4ln2",
+ "5hvh",
+ "5gx8",
+ "1hsj",
+ "1gk9",
+ "3njz",
+ "7lzj",
+ "4ioi",
+ "7cfw",
+ "3a6z",
+ "4hsa",
+ "3w0e",
+ "1x12",
+ "2h6j",
+ "4ps4",
+ "1l56",
+ "7jnz",
+ "4l0k",
+ "7kk4",
+ "6kac",
+ "7v33",
+ "7c6i",
+ "3vnf",
+ "7buq",
+ "2y7z",
+ "5uc6",
+ "6hi5",
+ "6x4n",
+ "7t3v",
+ "5s5x",
+ "6tyu",
+ "2xkc",
+ "2m2y",
+ "2e2g",
+ "7txq",
+ "4hlm",
+ "5xhv",
+ "7wq0",
+ "6tuz",
+ "6c17",
+ "3lvz",
+ "2yz1",
+ "7nx2",
+ "1m1y",
+ "6qae",
+ "6xwo",
+ "3pwz",
+ "7nvm",
+ "5v9o",
+ "4cla",
+ "6w08",
+ "3jcr",
+ "2df6",
+ "1w76",
+ "6w9a",
+ "1e4r",
+ "2dq0",
+ "6eqs",
+ "1qos",
+ "1plb",
+ "1xtf",
+ "5gs8",
+ "4atf",
+ "7bil",
+ "1zi4",
+ "2rif",
+ "6da2",
+ "6kol",
+ "4gxi",
+ "8efc",
+ "5k13",
+ "3ekn",
+ "4afp",
+ "6xqy",
+ "7qqc",
+ "4nc1",
+ "5hn4",
+ "3mdt",
+ "3g18",
+ "2q79",
+ "175l",
+ "6vi4",
+ "2no4",
+ "1f6t",
+ "1bx9",
+ "4tmk",
+ "6p9f",
+ "3v8x",
+ "1seg",
+ "4lv4",
+ "6fs2",
+ "6s4o",
+ "4p9t",
+ "1ow3",
+ "2jd0",
+ "1io2",
+ "2flf",
+ "1dqb",
+ "6a6i",
+ "7az9",
+ "5o6t",
+ "4pba",
+ "5jiy",
+ "1n0r",
+ "1tow",
+ "1k6p",
+ "4qeu",
+ "7z6b",
+ "5jpl",
+ "6uq0",
+ "6n71",
+ "7a5r",
+ "6qgf",
+ "1b82",
+ "1z21",
+ "6s0v",
+ "7s58",
+ "4yec",
+ "3lkj",
+ "3qkq",
+ "7qi3",
+ "4uo3",
+ "3v30",
+ "6rnp",
+ "7ycu",
+ "4z8a",
+ "1n69",
+ "3h5k",
+ "7kdp",
+ "7u7e",
+ "4f9c",
+ "5drd",
+ "1jh1",
+ "3k8g",
+ "5mwj",
+ "5wpp",
+ "5tee",
+ "3usl",
+ "2cy7",
+ "5nbl",
+ "2qw8",
+ "1yon",
+ "5ov7",
+ "5o9w",
+ "1kuq",
+ "7xn2",
+ "1onj",
+ "6t7m",
+ "3e2e",
+ "3gkh",
+ "6nbi",
+ "2a2d",
+ "1gbx",
+ "1trz",
+ "6gw4",
+ "3uo2",
+ "5fhd",
+ "1sqn",
+ "4fd8",
+ "2jz4",
+ "1oy2",
+ "3evi",
+ "3ugy",
+ "1tno",
+ "6zla",
+ "1jsd",
+ "5hbj",
+ "1za5",
+ "3uwv",
+ "7bi9",
+ "7nb9",
+ "1gw9",
+ "5uz9",
+ "6pkd",
+ "5pj4",
+ "3vg9",
+ "5uu9",
+ "1pvw",
+ "2wni",
+ "6o1e",
+ "3hmo",
+ "1vhr",
+ "2yaz",
+ "6bx7",
+ "5i22",
+ "2nc8",
+ "6d24",
+ "6wz5",
+ "4pgu",
+ "3paq",
+ "1rtr",
+ "6jpd",
+ "5w8l",
+ "4ysc",
+ "1prq",
+ "5tkc",
+ "6rxm",
+ "5dv2",
+ "1iqq",
+ "1s6h",
+ "1spe",
+ "7x9a",
+ "8b6j",
+ "6v7x",
+ "5nm3",
+ "5pm7",
+ "8bn6",
+ "1p2s",
+ "6km3",
+ "2vxn",
+ "4oiv",
+ "7puo",
+ "3q8v",
+ "3g67",
+ "7p6a",
+ "1p7y",
+ "3ifp",
+ "3h0r",
+ "6t49",
+ "5pc2",
+ "4rp9",
+ "4adg",
+ "6sx7",
+ "7ouy",
+ "7uo2",
+ "1c14",
+ "1rx6",
+ "3ou6",
+ "2xx7",
+ "6j1m",
+ "5wsl",
+ "2yek",
+ "5poj",
+ "2vb9",
+ "6mfi",
+ "6rs4",
+ "6ndz",
+ "2j0f",
+ "1x8p",
+ "6moo",
+ "7wc9",
+ "3d8l",
+ "4j2c",
+ "5vlv",
+ "4hko",
+ "5j51",
+ "4o3t",
+ "3rlp",
+ "4i2x",
+ "5zab",
+ "1uzv",
+ "4xpk",
+ "2olx",
+ "6yuy",
+ "3rfq",
+ "1fvh",
+ "4ua8",
+ "6k1j",
+ "3kon",
+ "7ovk",
+ "3rgs",
+ "8bqt",
+ "1tf7",
+ "4b1t",
+ "5s33",
+ "2cns",
+ "4uc4",
+ "1iun",
+ "3ew5",
+ "7a5z",
+ "3otd",
+ "5a4k",
+ "6vt2",
+ "6k2c",
+ "1by0",
+ "1yqw",
+ "6ngm",
+ "6hwr",
+ "4e34",
+ "1zir",
+ "2qra",
+ "1cg0",
+ "7f3z",
+ "3cql",
+ "3p3a",
+ "5zce",
+ "7p34",
+ "6qby",
+ "3u1r",
+ "6suw",
+ "3li1",
+ "1w55",
+ "5dig",
+ "3zh7",
+ "1ug4",
+ "3q19",
+ "1lg9",
+ "6ddy",
+ "5b7w",
+ "1v73",
+ "2abk",
+ "5itx",
+ "6fvn",
+ "3ibf",
+ "2y9f",
+ "5n7d",
+ "6ldl",
+ "7qxy",
+ "6ix8",
+ "6t5c",
+ "4a3u",
+ "4d5r",
+ "8okk",
+ "4n0y",
+ "5b23",
+ "3ri0",
+ "2li8",
+ "6rwx",
+ "6loe",
+ "4w1o",
+ "6ssv",
+ "6t71",
+ "4fnk",
+ "2bis",
+ "1q90",
+ "6x95",
+ "1r5m",
+ "1mvl",
+ "7jhk",
+ "7blo",
+ "4h3f",
+ "3lx7",
+ "7o36",
+ "7n0d",
+ "4gvi",
+ "3k5l",
+ "1la4",
+ "3wwo",
+ "1ece",
+ "7q5f",
+ "1hdc",
+ "2x2y",
+ "6fzz",
+ "3phy",
+ "1sc1",
+ "3elh",
+ "3v7m",
+ "4c9a",
+ "4xdn",
+ "3m63",
+ "5ifw",
+ "1ttx",
+ "7tix",
+ "5h5j",
+ "4i9s",
+ "4md9",
+ "5x27",
+ "3g8x",
+ "3apv",
+ "4a15",
+ "4zgh",
+ "4wa9",
+ "3orm",
+ "5dgw",
+ "5tqp",
+ "2xgy",
+ "1p7l",
+ "6c3t",
+ "4joc",
+ "1uh3",
+ "1o71",
+ "5np9",
+ "1ipe",
+ "5c1t",
+ "5ttf",
+ "6dba",
+ "5zvw",
+ "4h1q",
+ "7a0i",
+ "1n5a",
+ "5j2m",
+ "3lxe",
+ "1l6e",
+ "5yuw",
+ "2loz",
+ "8ax5",
+ "5nc9",
+ "3su1",
+ "1e90",
+ "2ds0",
+ "4era",
+ "5g6p",
+ "5go2",
+ "4k62",
+ "2jgb",
+ "1s7g",
+ "1cg3",
+ "2nsn",
+ "6g8b",
+ "4o98",
+ "7o4f",
+ "1o1t",
+ "4x9g",
+ "2ejx",
+ "6qkv",
+ "6mur",
+ "7wsg",
+ "5bkc",
+ "5gri",
+ "1n4s",
+ "2byp",
+ "2vfr",
+ "4zo7",
+ "3vrq",
+ "1uw1",
+ "6iyv",
+ "3t3f",
+ "6e3f",
+ "1q03",
+ "2pys",
+ "5o7f",
+ "3rni",
+ "6n4l",
+ "1j1f",
+ "5mx0",
+ "1szr",
+ "5i25",
+ "1fk6",
+ "3klf",
+ "1xx5",
+ "3kww",
+ "4b10",
+ "6l8f",
+ "3ebl",
+ "1r4y",
+ "5zge",
+ "5h2y",
+ "5jmv",
+ "5jws",
+ "4x2y",
+ "7m8i",
+ "7jn3",
+ "5t7l",
+ "5xpc",
+ "5jgu",
+ "6smk",
+ "1m1b",
+ "8b3t",
+ "7jy1",
+ "5t88",
+ "6erb",
+ "1r2e",
+ "1i9s",
+ "1jrk",
+ "2ozl",
+ "6qil",
+ "1t4s",
+ "6kop",
+ "6tkx",
+ "6go1",
+ "2hir",
+ "5y9e",
+ "3wl8",
+ "7kov",
+ "6bzq",
+ "1ws7",
+ "3exu",
+ "4no9",
+ "6a4s",
+ "3hy6",
+ "6yc3",
+ "6ht6",
+ "7luv",
+ "2j1k",
+ "6guo",
+ "6b3g",
+ "4d8s",
+ "6o5f",
+ "2w95",
+ "5uum",
+ "6xho",
+ "1ewt",
+ "5caz",
+ "5w4n",
+ "6ddd",
+ "3k35",
+ "6eqa",
+ "2inq",
+ "7osx",
+ "1rb7",
+ "3gkj",
+ "6tnh",
+ "1kb5",
+ "5gvj",
+ "5m9c",
+ "4k2m",
+ "1fk7",
+ "1l2u",
+ "7kt9",
+ "2eng",
+ "2jat",
+ "2qr5",
+ "6od4",
+ "3da3",
+ "7epj",
+ "6ol7",
+ "2h4t",
+ "6kz8",
+ "5ag5",
+ "7xr7",
+ "1zrb",
+ "3iyy",
+ "2z3w",
+ "5d5r",
+ "1uun",
+ "2b4q",
+ "6xuh",
+ "7wxr",
+ "5kd5",
+ "7zid",
+ "7eny",
+ "8i5a",
+ "2ba0",
+ "4ka7",
+ "5g0x",
+ "1t74",
+ "6ey9",
+ "5v9x",
+ "3s0b",
+ "4xpp",
+ "7uiq",
+ "5ex9",
+ "4yzw",
+ "3v9p",
+ "1yk9",
+ "5p4j",
+ "5zrx",
+ "5k63",
+ "6trk",
+ "3tly",
+ "3tsq",
+ "5qg1",
+ "6gdf",
+ "3j1c",
+ "5k1j",
+ "5plp",
+ "8dzg",
+ "3u67",
+ "3dk4",
+ "7mqu",
+ "4oca",
+ "5ul8",
+ "1tg5",
+ "4m80",
+ "1qjg",
+ "1pzw",
+ "3hw3",
+ "2xhh",
+ "6pdl",
+ "2a9y",
+ "4j75",
+ "7c41",
+ "5pkh",
+ "6pk7",
+ "4nc9",
+ "2ea2",
+ "4ezx",
+ "3w51",
+ "3c33",
+ "2kt2",
+ "3map",
+ "4abh",
+ "6xa0",
+ "6nut",
+ "5qym",
+ "4dai",
+ "1xj2",
+ "7cqz",
+ "6i53",
+ "2kx9",
+ "4zee",
+ "3nel",
+ "5inp",
+ "6o3r",
+ "1o7j",
+ "1shs",
+ "7u74",
+ "6o9q",
+ "2ewk",
+ "5psi",
+ "5nat",
+ "2jgt",
+ "5lvr",
+ "3p0f",
+ "3j98",
+ "7b9b",
+ "4z4x",
+ "4il1",
+ "7e34",
+ "1r2q",
+ "1tkp",
+ "1k0m",
+ "7cbg",
+ "3hi6",
+ "6pob",
+ "4c3t",
+ "6vdd",
+ "6xe8",
+ "1gqh",
+ "5l7h",
+ "6zt3",
+ "3adz",
+ "5hsp",
+ "2v9o",
+ "4qzf",
+ "1y4b",
+ "6aqu",
+ "5epz",
+ "2lsv",
+ "6pgu",
+ "2wlu",
+ "7pki",
+ "1bmt",
+ "1mkg",
+ "6orm",
+ "3t24",
+ "1q84",
+ "6ha3",
+ "6ch5",
+ "3n1s",
+ "6lr1",
+ "1h0o",
+ "6z8g",
+ "3d8x",
+ "2ljw",
+ "5ev2",
+ "6wwf",
+ "1vyx",
+ "1aq0",
+ "2gtj",
+ "1ryb",
+ "5cgh",
+ "6b4m",
+ "5owc",
+ "3a6j",
+ "1s9p",
+ "4wbz",
+ "7rym",
+ "6e0z",
+ "4z2q",
+ "4yzk",
+ "6dw3",
+ "5tkn",
+ "2mjb",
+ "8dba",
+ "4r2i",
+ "4huc",
+ "1m3g",
+ "1ur0",
+ "1yx6",
+ "6l7o",
+ "5xla",
+ "4x07",
+ "2a5m",
+ "7aa3",
+ "3gdl",
+ "5v4x",
+ "1ekp",
+ "2c77",
+ "6asv",
+ "5p5t",
+ "4pkx",
+ "1jd4",
+ "3vt9",
+ "6c8y",
+ "8drm",
+ "7fk0",
+ "6xv4",
+ "7f2x",
+ "3rlm",
+ "1lzb",
+ "5eru",
+ "5tbp",
+ "6lpt",
+ "6klw",
+ "7lzf",
+ "2c6m",
+ "4okj",
+ "4l7p",
+ "6vus",
+ "4l1f",
+ "6o25",
+ "4i5f",
+ "1hl3",
+ "1mmd",
+ "6dz1",
+ "3o6t",
+ "1knc",
+ "4bkq",
+ "1hk3",
+ "5s4p",
+ "5lqf",
+ "6zdf",
+ "1dsv",
+ "3moo",
+ "1k0s",
+ "7kfy",
+ "2c3a",
+ "1lvg",
+ "5vdk",
+ "1rfj",
+ "1fg4",
+ "2w8z",
+ "6ljo",
+ "1oo8",
+ "7y6j",
+ "3ly7",
+ "4qbz",
+ "7tgj",
+ "3i0h",
+ "2pvx",
+ "5gvc",
+ "6ofv",
+ "5x9l",
+ "7oa8",
+ "8e76",
+ "1omw",
+ "1m0u",
+ "5s3g",
+ "3jvk",
+ "4xvk",
+ "1ixs",
+ "5j1w",
+ "4azg",
+ "5ujj",
+ "1rci",
+ "6b7e",
+ "2hf9",
+ "1grl",
+ "7wse",
+ "2ylf",
+ "1i5g",
+ "4wd8",
+ "4n5k",
+ "1g8w",
+ "2lpn",
+ "5u53",
+ "1tf8",
+ "1ixm",
+ "7mxo",
+ "4e26",
+ "1aq4",
+ "5wwz",
+ "3ht7",
+ "6x7c",
+ "6uqm",
+ "1psc",
+ "6b9i",
+ "6pve",
+ "3k30",
+ "5y4e",
+ "5w1n",
+ "5gke",
+ "3sat",
+ "4bgg",
+ "3w97",
+ "1z7k",
+ "5hqn",
+ "3bn4",
+ "2ajg",
+ "2qej",
+ "6voc",
+ "1z7h",
+ "1d8m",
+ "3qu6",
+ "5m9z",
+ "8amx",
+ "6tub",
+ "4e6u",
+ "1g2l",
+ "1stn",
+ "3qqu",
+ "1i4j",
+ "6ghx",
+ "4r3o",
+ "6ddx",
+ "4ep5",
+ "3awz",
+ "4bdj",
+ "6s81",
+ "1lre",
+ "1kde",
+ "4pbo",
+ "1aog",
+ "4tt8",
+ "5oww",
+ "3d0b",
+ "1n83",
+ "5awv",
+ "6n3l",
+ "7qc0",
+ "6pvt",
+ "6wlc",
+ "1bdf",
+ "1nhp",
+ "5hv2",
+ "6vap",
+ "1jhs",
+ "2mib",
+ "2ik6",
+ "1i2d",
+ "3wvm",
+ "4kjl",
+ "6wl3",
+ "6eha",
+ "7r75",
+ "5kw4",
+ "6l6x",
+ "3eug",
+ "3au5",
+ "7ji4",
+ "5kaz",
+ "5lte",
+ "4wwa",
+ "3p9q",
+ "3s1h",
+ "6e2b",
+ "3obl",
+ "2xsv",
+ "4r3m",
+ "5r8a",
+ "4f4q",
+ "1qqd",
+ "7vis",
+ "2dij",
+ "2hip",
+ "3lsv",
+ "1gu3",
+ "1xe0",
+ "4tmc",
+ "6nk1",
+ "5b3p",
+ "1s98",
+ "7vwa",
+ "3on0",
+ "4p8c",
+ "5iq1",
+ "2o0c",
+ "5c8o",
+ "7ol2",
+ "1lt4",
+ "1bt6",
+ "6dey",
+ "1ey7",
+ "4j4n",
+ "5z7g",
+ "5tpu",
+ "6ewq",
+ "2knp",
+ "5phs",
+ "2kx6",
+ "4mfh",
+ "2fsh",
+ "1ouy",
+ "5qn3",
+ "6fgi",
+ "7d6q",
+ "6zs1",
+ "6unv",
+ "6l4p",
+ "3hsc",
+ "3a1v",
+ "5hyl",
+ "4j0o",
+ "3olb",
+ "4e3u",
+ "2c89",
+ "5ktd",
+ "6e9i",
+ "4zzc",
+ "6l1s",
+ "6c6n",
+ "2lf6",
+ "3ze4",
+ "6vc2",
+ "3ldw",
+ "4mmd",
+ "4rl7",
+ "6krb",
+ "2wyb",
+ "3ulf",
+ "3t6r",
+ "5z2r",
+ "6z93",
+ "7afz",
+ "7dak",
+ "6knm",
+ "4buw",
+ "5c01",
+ "4q47",
+ "6bje",
+ "7f3u",
+ "7cmk",
+ "4poj",
+ "1k50",
+ "3u8k",
+ "7td0",
+ "7mfr",
+ "7xrw",
+ "5rei",
+ "5aku",
+ "3oxr",
+ "2nlu",
+ "7jg6",
+ "4m77",
+ "4cef",
+ "4a90",
+ "5fvk",
+ "2wjz",
+ "3fmr",
+ "6ngv",
+ "7vsu",
+ "3wd6",
+ "5ch5",
+ "1vlz",
+ "7w17",
+ "1hf3",
+ "1h6x",
+ "3ean",
+ "6p4s",
+ "5swk",
+ "7mof",
+ "1dzn",
+ "6w5n",
+ "2b4e",
+ "4p00",
+ "5ilc",
+ "4l8v",
+ "4plf",
+ "1mt7",
+ "7kv1",
+ "7ujd",
+ "4qij",
+ "4hfi",
+ "2w47",
+ "4yrt",
+ "5ucu",
+ "6brh",
+ "6ms7",
+ "7c6t",
+ "4kdf",
+ "3swy",
+ "4ww2",
+ "5rsm",
+ "8hw1",
+ "4by0",
+ "1aur",
+ "1zng",
+ "4ddl",
+ "7fgf",
+ "1i49",
+ "7f2y",
+ "1dk8",
+ "1rpc",
+ "1c6j",
+ "7m17",
+ "6ux9",
+ "2ymd",
+ "2lwr",
+ "1woj",
+ "4mla",
+ "5o3j",
+ "4cak",
+ "3zgd",
+ "6bvz",
+ "4mkb",
+ "7ptd",
+ "5g39",
+ "2ckh",
+ "1t7l",
+ "3r2j",
+ "3tvm",
+ "5c16",
+ "1qm8",
+ "1z4w",
+ "1mg2",
+ "6r5y",
+ "6zk8",
+ "1oe6",
+ "3r4l",
+ "4nuq",
+ "2n9v",
+ "6d9k",
+ "6slt",
+ "1ua8",
+ "7um7",
+ "2vok",
+ "6rd3",
+ "1fs1",
+ "5h9q",
+ "3tm4",
+ "3d6e",
+ "2p5n",
+ "1zxg",
+ "4pgg",
+ "4mos",
+ "4hbe",
+ "5p12",
+ "4e7o",
+ "7e62",
+ "8dhb",
+ "2z5u",
+ "2qjd",
+ "6lrd",
+ "4eep",
+ "3iuh",
+ "5fyd",
+ "1mx7",
+ "3u36",
+ "4vub",
+ "3w6f",
+ "2x1p",
+ "2nv7",
+ "5a85",
+ "5xdt",
+ "5xp9",
+ "4uge",
+ "4ijj",
+ "4y8j",
+ "6p1s",
+ "3jsb",
+ "7vdp",
+ "5xv0",
+ "7k6m",
+ "2ncn",
+ "3sq7",
+ "5crw",
+ "4zul",
+ "1hp4",
+ "2cg2",
+ "7dii",
+ "5by2",
+ "1jhl",
+ "1nuq",
+ "1iim",
+ "3v1k",
+ "5dm7",
+ "2yor",
+ "1vg8",
+ "8axt",
+ "8hgo",
+ "4tpn",
+ "1f74",
+ "5vge",
+ "1o3f",
+ "5z1z",
+ "7tqy",
+ "6vcf",
+ "7dpj",
+ "7vmd",
+ "6u4t",
+ "5h2m",
+ "4zz7",
+ "5njv",
+ "2kri",
+ "5hmb",
+ "7mty",
+ "3e7s",
+ "3oko",
+ "7cra",
+ "5x02",
+ "3sdp",
+ "2ifn",
+ "2vvv",
+ "6j4k",
+ "6uj0",
+ "3tht",
+ "4kw1",
+ "2aag",
+ "5rg2",
+ "7f9k",
+ "4igx",
+ "5tov",
+ "3naw",
+ "3edv",
+ "1rip",
+ "8ce7",
+ "2gza",
+ "3e8n",
+ "1wxd",
+ "2yi7",
+ "3pg6",
+ "6rvq",
+ "8h3x",
+ "7k6l",
+ "5c4t",
+ "5k48",
+ "5xd1",
+ "5wqn",
+ "7uc2",
+ "7z76",
+ "5dv4",
+ "4mi0",
+ "1m1z",
+ "4gso",
+ "6c7s",
+ "3dgv",
+ "6zng",
+ "1f59",
+ "1vfx",
+ "7tza",
+ "1m16",
+ "2uv1",
+ "2wsi",
+ "7rx4",
+ "5kv5",
+ "4x9f",
+ "5nnf",
+ "3lzm",
+ "2m10",
+ "1td2",
+ "2ydb",
+ "4osf",
+ "4imn",
+ "6i69",
+ "1xyb",
+ "7mca",
+ "7qat",
+ "4uye",
+ "7yf1",
+ "1dz7",
+ "7k7t",
+ "7ah8",
+ "7f16",
+ "3s3z",
+ "8hla",
+ "1du2",
+ "1zjl",
+ "4azw",
+ "5d0o",
+ "2jc5",
+ "3cue",
+ "5dvs",
+ "7mzw",
+ "5qd0",
+ "2jzn",
+ "5ewg",
+ "3um0",
+ "6zqm",
+ "1cjw",
+ "6n8c",
+ "2i7p",
+ "5ptn",
+ "1mw0",
+ "2m5s",
+ "2lvg",
+ "6fbb",
+ "3kfl",
+ "1mp5",
+ "5dce",
+ "1j0s",
+ "1o93",
+ "4who",
+ "4du1",
+ "5dmq",
+ "4r4n",
+ "6zgj",
+ "5xfn",
+ "4iso",
+ "1jni",
+ "8bb8",
+ "3fb4",
+ "7kxr",
+ "4zmz",
+ "3sx3",
+ "4lww",
+ "3pi0",
+ "8b38",
+ "7t1g",
+ "1rmr",
+ "8du3",
+ "2y1p",
+ "3k06",
+ "2h1a",
+ "4qqv",
+ "5gie",
+ "5fv7",
+ "1n9b",
+ "5em4",
+ "4d1x",
+ "6hrx",
+ "5pzi",
+ "6atj",
+ "1hmd",
+ "6bei",
+ "6y4c",
+ "4g0i",
+ "2xeg",
+ "1n84",
+ "7m81",
+ "6rxf",
+ "7yu0",
+ "5joj",
+ "1kgb",
+ "6cdo",
+ "1kps",
+ "1sbp",
+ "2bzz",
+ "1bo9",
+ "7ttd",
+ "5sqb",
+ "1cvd",
+ "3nd2",
+ "7ltr",
+ "2g9o",
+ "7jx0",
+ "2exh",
+ "6np6",
+ "1wtj",
+ "2hd5",
+ "4yra",
+ "5ebd",
+ "7uso",
+ "6gzt",
+ "1vzh",
+ "2abo",
+ "7awg",
+ "3h25",
+ "1z0s",
+ "5o54",
+ "2mmv",
+ "3ix2",
+ "6f8s",
+ "2wlb",
+ "6fdm",
+ "5a2r",
+ "212l",
+ "5vhe",
+ "2n5j",
+ "4zn3",
+ "3mhy",
+ "6ot4",
+ "4p5r",
+ "4h94",
+ "7ac4",
+ "3zpc",
+ "4pvn",
+ "4wrq",
+ "2rpa",
+ "7fiy",
+ "3dbh",
+ "6ua4",
+ "2iyo",
+ "7lox",
+ "2eda",
+ "2hnb",
+ "4aul",
+ "4osi",
+ "5amb",
+ "7zlz",
+ "1jgt",
+ "3hq7",
+ "1zsa",
+ "2wgm",
+ "7xcm",
+ "9xim",
+ "3phs",
+ "1npw",
+ "1tiw",
+ "5u0c",
+ "2bao",
+ "5o3b",
+ "1ls6",
+ "5r0s",
+ "3wlf",
+ "6fi9",
+ "5woe",
+ "7x0n",
+ "5x2m",
+ "4hy1",
+ "4a2y",
+ "2gve",
+ "5wzz",
+ "5vrf",
+ "3m39",
+ "6kcc",
+ "6kys",
+ "4a0n",
+ "1vcm",
+ "7vpt",
+ "4brg",
+ "4mpe",
+ "6zl5",
+ "5d3z",
+ "2x9a",
+ "5pjh",
+ "1xcp",
+ "7l10",
+ "2wyx",
+ "3byz",
+ "7k2y",
+ "3l3t",
+ "1z35",
+ "2z5l",
+ "3lny",
+ "6bwg",
+ "4ygr",
+ "7xpu",
+ "4hyi",
+ "7rtn",
+ "4h97",
+ "3dwj",
+ "2l3o",
+ "1jxb",
+ "4m84",
+ "5p5c",
+ "1key",
+ "3oh4",
+ "3s3u",
+ "5mye",
+ "2fw0",
+ "8egu",
+ "4n2s",
+ "1h88",
+ "1i1o",
+ "6e5p",
+ "1alf",
+ "1a2m",
+ "1ijz",
+ "1ooh",
+ "1x8s",
+ "7dcc",
+ "5yeh",
+ "4ncd",
+ "7z29",
+ "1ksn",
+ "4e5f",
+ "4hh3",
+ "3low",
+ "7mdi",
+ "6o10",
+ "1jxh",
+ "5p2m",
+ "8fr1",
+ "5xwb",
+ "5k05",
+ "1ylk",
+ "2gar",
+ "4gp6",
+ "6huy",
+ "8efu",
+ "4l15",
+ "2my8",
+ "4l76",
+ "5kbk",
+ "6ipg",
+ "2c1y",
+ "5d7o",
+ "3bm8",
+ "1xj6",
+ "3whd",
+ "5gp7",
+ "6nw4",
+ "2w9g",
+ "4m8x",
+ "3zik",
+ "7kdz",
+ "7l53",
+ "3g1r",
+ "7dq5",
+ "5r15",
+ "3lvl",
+ "7ah6",
+ "5fas",
+ "1q38",
+ "3na1",
+ "4e22",
+ "8ejm",
+ "3ajp",
+ "4mpa",
+ "5nk9",
+ "5rdo",
+ "2tps",
+ "2xf3",
+ "6hfm",
+ "3rdt",
+ "7sgp",
+ "6nsp",
+ "2hpa",
+ "5gzw",
+ "6oaz",
+ "5dmn",
+ "6f7h",
+ "1dc3",
+ "4mem",
+ "3nqg",
+ "5swz",
+ "2gj7",
+ "7fk3",
+ "4kq1",
+ "4pxj",
+ "6zr5",
+ "1mld",
+ "1bjk",
+ "3i4z",
+ "1tve",
+ "3s20",
+ "5m8y",
+ "4dew",
+ "6wj5",
+ "3tvc",
+ "1fy4",
+ "3cvs",
+ "6jg8",
+ "1uxi",
+ "7mtr",
+ "7kay",
+ "6uxm",
+ "7e35",
+ "1dyh",
+ "1g6c",
+ "3fcz",
+ "7p0o",
+ "5lod",
+ "6hai",
+ "5b80",
+ "3ng4",
+ "2f9d",
+ "6qfj",
+ "3iae",
+ "2evk",
+ "3q79",
+ "6vxt",
+ "3e9f",
+ "4bon",
+ "5mh1",
+ "5jch",
+ "3ipd",
+ "5tme",
+ "4q3p",
+ "8dgb",
+ "1qgz",
+ "3a99",
+ "1v2z",
+ "7jm9",
+ "4i90",
+ "1d01",
+ "3qgg",
+ "3bzv",
+ "4lk3",
+ "3rc4",
+ "7c89",
+ "1yac",
+ "5v7b",
+ "3bis",
+ "4kvw",
+ "4dlj",
+ "3unm",
+ "5voi",
+ "6w8c",
+ "5t2d",
+ "4etc",
+ "3j4g",
+ "3ay7",
+ "6rki",
+ "2jsn",
+ "2c7u",
+ "4csd",
+ "4kki",
+ "4n6t",
+ "1z2k",
+ "2ccb",
+ "1bbh",
+ "3dpy",
+ "7x21",
+ "3l2v",
+ "3rpy",
+ "6f9d",
+ "4jmf",
+ "3jr6",
+ "2xaf",
+ "1a5w",
+ "3p1g",
+ "7yfn",
+ "6jbx",
+ "4r1a",
+ "6vzo",
+ "1bqs",
+ "3mle",
+ "7b8l",
+ "4j4x",
+ "7vus",
+ "7t5h",
+ "6ez3",
+ "2mt8",
+ "4p5s",
+ "2dpg",
+ "5icd",
+ "2vz2",
+ "4yds",
+ "7ug2",
+ "2pfb",
+ "1zk1",
+ "1q8l",
+ "7kko",
+ "7d2z",
+ "4hug",
+ "6a0w",
+ "1tlj",
+ "2nsd",
+ "7mic",
+ "6ct3",
+ "5nwl",
+ "1axa",
+ "2j9r",
+ "2vm9",
+ "6gf1",
+ "5fon",
+ "3b8i",
+ "7p3e",
+ "7l1b",
+ "5djb",
+ "2l0i",
+ "1vcb",
+ "1ib9",
+ "4ink",
+ "5iez",
+ "2wi3",
+ "3eqp",
+ "3e4h",
+ "2q7j",
+ "7kbg",
+ "1vsl",
+ "2w6h",
+ "7ldo",
+ "5mvn",
+ "2oi9",
+ "4zcl",
+ "6ry4",
+ "3rwc",
+ "3muf",
+ "6ilh",
+ "6ac3",
+ "3gbg",
+ "2zis",
+ "4n0n",
+ "5eja",
+ "7m6j",
+ "4xgq",
+ "7qdv",
+ "2vic",
+ "6twx",
+ "6z99",
+ "7mw1",
+ "4ank",
+ "6sra",
+ "6pwi",
+ "4cmh",
+ "1vln",
+ "5p25",
+ "6zeg",
+ "1zyv",
+ "7pkg",
+ "4bs2",
+ "1r88",
+ "3knq",
+ "7xki",
+ "4yg0",
+ "3l2d",
+ "1ad9",
+ "6nog",
+ "1uaw",
+ "5bx5",
+ "5gvq",
+ "3r6c",
+ "7eul",
+ "1gow",
+ "1c6n",
+ "7bgn",
+ "5div",
+ "4v10",
+ "1qay",
+ "2lds",
+ "2amp",
+ "8dwc",
+ "1odd",
+ "6pxb",
+ "1q5z",
+ "5u4k",
+ "6qd1",
+ "5ad5",
+ "6oiu",
+ "6wea",
+ "6e6q",
+ "7a4y",
+ "7dk7",
+ "3g91",
+ "1bnc",
+ "2wto",
+ "6w92",
+ "6nwh",
+ "7djr",
+ "4n32",
+ "6aop",
+ "7mpt",
+ "6jn9",
+ "2rbl",
+ "6ymg",
+ "6nq1",
+ "2cy1",
+ "6plw",
+ "5cdc",
+ "5b61",
+ "1sma",
+ "4ahz",
+ "7kwu",
+ "7qtl",
+ "3rzy",
+ "6mqx",
+ "4kyp",
+ "7q3h",
+ "5du9",
+ "5gul",
+ "6xb9",
+ "5t40",
+ "6chq",
+ "7ntu",
+ "4cm6",
+ "2b0r",
+ "6pon",
+ "1tv3",
+ "3shm",
+ "5fqg",
+ "7plh",
+ "7jw8",
+ "7bze",
+ "2fe4",
+ "2wyj",
+ "4azu",
+ "4zga",
+ "155l",
+ "3oy2",
+ "5cn3",
+ "3wdt",
+ "5x54",
+ "3r6k",
+ "4dtj",
+ "6p7o",
+ "5haw",
+ "4f7m",
+ "5xw4",
+ "3ry9",
+ "2i65",
+ "3rvq",
+ "1xbb",
+ "2y1m",
+ "6kj4",
+ "6ybu",
+ "3lk0",
+ "3bi0",
+ "4edy",
+ "6b10",
+ "4qqj",
+ "2no1",
+ "2cc1",
+ "5u6k",
+ "5j1i",
+ "1eg2",
+ "5ahu",
+ "1xmd",
+ "1osf",
+ "1epj",
+ "1u7t",
+ "6yxb",
+ "5yh0",
+ "3v4a",
+ "4dr8",
+ "1kwa",
+ "1yzl",
+ "1ogb",
+ "5d8z",
+ "3h53",
+ "8ejb",
+ "7kt1",
+ "5um3",
+ "4pmv",
+ "5rd1",
+ "5fp1",
+ "5npg",
+ "1jom",
+ "1ijk",
+ "2zih",
+ "4x85",
+ "2wxg",
+ "1tkc",
+ "1i4m",
+ "3lc4",
+ "2tnf",
+ "4obd",
+ "4ypq",
+ "6sa4",
+ "6fis",
+ "4crc",
+ "8cza",
+ "1gx8",
+ "6lt6",
+ "3cvz",
+ "4kfv",
+ "6v9g",
+ "5f0x",
+ "3gac",
+ "4ci9",
+ "4jq6",
+ "7svn",
+ "4j9p",
+ "2gz6",
+ "4z8n",
+ "2n7h",
+ "2fum",
+ "3h2c",
+ "5hjo",
+ "5jnv",
+ "1fxy",
+ "5kg4",
+ "2l9f",
+ "6j0m",
+ "5pfz",
+ "1bim",
+ "6way",
+ "3v12",
+ "5t03",
+ "3eza",
+ "1frs",
+ "2bt7",
+ "5my4",
+ "6zbn",
+ "1khl",
+ "5hs2",
+ "4ca6",
+ "6a03",
+ "4ucx",
+ "5yu2",
+ "1h09",
+ "2fce",
+ "7zu1",
+ "3d0t",
+ "5zxm",
+ "4iuh",
+ "2kbz",
+ "3tsc",
+ "1muz",
+ "3njf",
+ "6w21",
+ "2p24",
+ "3v1u",
+ "3oo5",
+ "4ks1",
+ "4jmg",
+ "6t69",
+ "2w7f",
+ "6w2p",
+ "5ogs",
+ "7x67",
+ "3i17",
+ "3sus",
+ "3oyf",
+ "3dbn",
+ "5muf",
+ "6xfi",
+ "1fhm",
+ "4axl",
+ "4i59",
+ "7eqh",
+ "2jbj",
+ "4bmh",
+ "7w6w",
+ "6o3v",
+ "1qor",
+ "4pcv",
+ "5xms",
+ "1f8b",
+ "1fui",
+ "2n4w",
+ "6sf5",
+ "6i8t",
+ "7uwt",
+ "5ffe",
+ "8dpg",
+ "5msg",
+ "6n1h",
+ "4fn4",
+ "4juz",
+ "6r9i",
+ "4otk",
+ "6o8g",
+ "5yi9",
+ "5ngv",
+ "2qi6",
+ "1z0z",
+ "2at2",
+ "1tuc",
+ "1m12",
+ "6uxp",
+ "6lse",
+ "3tzv",
+ "1rij",
+ "6crf",
+ "4utr",
+ "1w8u",
+ "7dk8",
+ "4tvy",
+ "1x46",
+ "2vt1",
+ "5a5k",
+ "4j96",
+ "6c9y",
+ "3njx",
+ "6chz",
+ "3gst",
+ "4d0f",
+ "6x3l",
+ "2xui",
+ "2bpm",
+ "4qj6",
+ "3zyu",
+ "2xqy",
+ "2ymn",
+ "5wwg",
+ "6mpz",
+ "6iu6",
+ "4fdg",
+ "1pt0",
+ "5eu3",
+ "3i2f",
+ "4tsn",
+ "4ht3",
+ "2w96",
+ "5iaj",
+ "1jf1",
+ "5pg0",
+ "2l65",
+ "6bt2",
+ "6mov",
+ "4b52",
+ "1smv",
+ "4uqb",
+ "6acq",
+ "4abo",
+ "2frs",
+ "5ql6",
+ "7cnl",
+ "4kls",
+ "4q0c",
+ "6jzy",
+ "6n3c",
+ "1k45",
+ "3in7",
+ "4dex",
+ "1hea",
+ "3pte",
+ "2o04",
+ "4ibr",
+ "4z9x",
+ "7prm",
+ "4u21",
+ "3lrr",
+ "4zoy",
+ "3jpt",
+ "3n9b",
+ "1n6n",
+ "3f0e",
+ "6rks",
+ "6yq1",
+ "7bag",
+ "5hxp",
+ "7c71",
+ "1n95",
+ "7ux4",
+ "1fyj",
+ "2c1n",
+ "4eck",
+ "5n8h",
+ "3jz7",
+ "5khf",
+ "7mce",
+ "7vgi",
+ "3qpi",
+ "5fcx",
+ "2geh",
+ "4ps0",
+ "6plg",
+ "3gbz",
+ "7p4s",
+ "4ln3",
+ "7ezp",
+ "4tl4",
+ "8esy",
+ "1qu0",
+ "7yon",
+ "3emt",
+ "2pax",
+ "5sa8",
+ "4bgw",
+ "3vuw",
+ "3ws8",
+ "7lgq",
+ "3dt2",
+ "7yep",
+ "7f5t",
+ "6t8k",
+ "1oto",
+ "2ve3",
+ "1vex",
+ "1asu",
+ "6pje",
+ "5l2k",
+ "1flh",
+ "6qon",
+ "1syv",
+ "3aaq",
+ "4g0h",
+ "7mxf",
+ "7f1u",
+ "2r3w",
+ "4pfy",
+ "3dgr",
+ "4zqs",
+ "5jbx",
+ "2odq",
+ "2j5d",
+ "2bv2",
+ "2lb9",
+ "4op8",
+ "6bt1",
+ "9pai",
+ "3ebg",
+ "4mbi",
+ "6v0c",
+ "3lih",
+ "4itz",
+ "6xnw",
+ "6tlc",
+ "5oyj",
+ "4r4c",
+ "3j4b",
+ "7aic",
+ "5du4",
+ "5ed4",
+ "4np9",
+ "6n1i",
+ "4pfu",
+ "6xpq",
+ "5xtu",
+ "1e7g",
+ "6cgi",
+ "6s3b",
+ "5kzp",
+ "2xe4",
+ "7mor",
+ "5chl",
+ "1cnc",
+ "2wvv",
+ "5pes",
+ "1x06",
+ "7flt",
+ "1rgv",
+ "7k78",
+ "4djo",
+ "5dqn",
+ "7el8",
+ "4jim",
+ "7b51",
+ "5cd5",
+ "5p1a",
+ "6jlm",
+ "7ehf",
+ "6btm",
+ "3tlz",
+ "1lj1",
+ "4m30",
+ "1lqj",
+ "5rcd",
+ "6e0c",
+ "7sj6",
+ "3h4n",
+ "1qj1",
+ "4gxb",
+ "3u9t",
+ "2pac",
+ "3qtu",
+ "3h11",
+ "3in0",
+ "1ihr",
+ "5x5u",
+ "4l9z",
+ "4wf7",
+ "3fue",
+ "3nig",
+ "5ydu",
+ "7rfn",
+ "7k7x",
+ "4u33",
+ "7ui5",
+ "7abl",
+ "1ci9",
+ "2rp5",
+ "4wk6",
+ "6ig5",
+ "5clo",
+ "3fli",
+ "7u55",
+ "2v4v",
+ "1jdh",
+ "6a29",
+ "3bbp",
+ "3rrt",
+ "1e7n",
+ "2oi3",
+ "5qdr",
+ "7okf",
+ "7sie",
+ "5x99",
+ "1aln",
+ "5yko",
+ "5v94",
+ "5en4",
+ "4zfu",
+ "2amf",
+ "6jxu",
+ "6fc3",
+ "7dgl",
+ "5oiv",
+ "6cjk",
+ "6owj",
+ "2gb8",
+ "1imf",
+ "4zz5",
+ "3aam",
+ "2kom",
+ "8a1e",
+ "3f7q",
+ "3bt6",
+ "3oyd",
+ "2hdp",
+ "1dry",
+ "5kla",
+ "2x92",
+ "5d5o",
+ "4hj2",
+ "6m77",
+ "7vmi",
+ "5tp5",
+ "7a2i",
+ "6gd7",
+ "4ar0",
+ "3bpl",
+ "5trz",
+ "7kib",
+ "4xwp",
+ "6x1p",
+ "4bmd",
+ "2fm0",
+ "1i9g",
+ "4tt6",
+ "4vgc",
+ "7a6q",
+ "1dge",
+ "2cxn",
+ "1jll",
+ "7doq",
+ "3fm3",
+ "3b83",
+ "4r66",
+ "6j7v",
+ "2yq2",
+ "5ttj",
+ "4m98",
+ "3vjs",
+ "7b08",
+ "3w7v",
+ "5usn",
+ "5to4",
+ "4ryg",
+ "4rej",
+ "5hgv",
+ "1yy7",
+ "5cvh",
+ "3wxf",
+ "7bdu",
+ "6hzo",
+ "5lbi",
+ "5le3",
+ "6u34",
+ "5vz7",
+ "3anx",
+ "5huc",
+ "1sn6",
+ "2tcl",
+ "3n9v",
+ "2w6n",
+ "6lio",
+ "4amb",
+ "1lfv",
+ "5rfk",
+ "1cy7",
+ "7em1",
+ "6fjc",
+ "7qfe",
+ "4ri9",
+ "4msc",
+ "6xcf",
+ "4mqu",
+ "4qaz",
+ "6v2l",
+ "7mqj",
+ "4p9z",
+ "6flu",
+ "6l56",
+ "1j7a",
+ "2ra1",
+ "1cn7",
+ "8ehg",
+ "6ot8",
+ "6qz7",
+ "6umx",
+ "8h7b",
+ "7l9m",
+ "6lqj",
+ "2ov8",
+ "1zjr",
+ "6n2c",
+ "7ci6",
+ "2p8o",
+ "6eg3",
+ "7e2y",
+ "5fej",
+ "1u71",
+ "6jq7",
+ "1opb",
+ "7mju",
+ "5iqu",
+ "4wly",
+ "5gwv",
+ "5vz3",
+ "3wua",
+ "3zqi",
+ "3dkh",
+ "2vqd",
+ "1m8t",
+ "3qha",
+ "4pmo",
+ "6epi",
+ "3hph",
+ "3cqd",
+ "2ao2",
+ "8cpp",
+ "2mus",
+ "2zxt",
+ "5g1c",
+ "6xlw",
+ "6hwv",
+ "6upc",
+ "7ts2",
+ "7qo3",
+ "6fkz",
+ "2b8q",
+ "3q5r",
+ "4ww7",
+ "1psh",
+ "1n19",
+ "7kg3",
+ "7zhu",
+ "6pyf",
+ "6rtx",
+ "1e4i",
+ "5uu1",
+ "6ghd",
+ "7dxt",
+ "4z6n",
+ "1pev",
+ "6ncf",
+ "2cm8",
+ "6cbp",
+ "1rjy",
+ "3szd",
+ "6so0",
+ "5p30",
+ "3njg",
+ "2lex",
+ "7pjk",
+ "4c0h",
+ "5tm6",
+ "4cg6",
+ "4um9",
+ "5n12",
+ "7xux",
+ "6aup",
+ "6zzf",
+ "5aaf",
+ "7xp7",
+ "4opx",
+ "3nsp",
+ "2zo5",
+ "5fhs",
+ "6bqk",
+ "5s4v",
+ "7tqn",
+ "5tlh",
+ "4zcw",
+ "8b0q",
+ "5i2d",
+ "4doi",
+ "1bqn",
+ "3kun",
+ "1sln",
+ "2l8x",
+ "1dob",
+ "6e88",
+ "3k52",
+ "6ioe",
+ "1i55",
+ "4mag",
+ "2z6h",
+ "8d0c",
+ "5lo8",
+ "1eot",
+ "5zfp",
+ "5ae1",
+ "2j1o",
+ "7bqt",
+ "2d23",
+ "1ntj",
+ "7s1m",
+ "7nex",
+ "1tde",
+ "6y1a",
+ "7fkf",
+ "6xvm",
+ "7js3",
+ "1pk6",
+ "4c1h",
+ "2jmf",
+ "6kd0",
+ "4jpl",
+ "1auq",
+ "4old",
+ "7dca",
+ "3vum",
+ "7xn9",
+ "1so9",
+ "1atb",
+ "6ojs",
+ "2fwj",
+ "1d4j",
+ "7dvr",
+ "7pjr",
+ "5j6n",
+ "2rm5",
+ "5ety",
+ "6fnf",
+ "2mj1",
+ "6o5m",
+ "5jdj",
+ "7tqq",
+ "5b51",
+ "7p8k",
+ "5zrg",
+ "2jae",
+ "3pqu",
+ "1kwh",
+ "2kav",
+ "6ytd",
+ "6nel",
+ "5ww4",
+ "7k2k",
+ "3hlc",
+ "1tnt",
+ "7k3b",
+ "1eg9",
+ "4q2e",
+ "2vry",
+ "3t29",
+ "6g20",
+ "5mle",
+ "5gu5",
+ "7pc4",
+ "5ug0",
+ "4cli",
+ "3ud6",
+ "5p1q",
+ "3fwp",
+ "6jdr",
+ "3hnf",
+ "6qy3",
+ "6v8q",
+ "5rsv",
+ "6m03",
+ "3p92",
+ "1cdo",
+ "7ljl",
+ "1apn",
+ "6f0u",
+ "5o2s",
+ "1m93",
+ "3n2p",
+ "1wny",
+ "7svs",
+ "1kp8",
+ "1pe9",
+ "4m3y",
+ "3x35",
+ "4qpj",
+ "4q0q",
+ "6e9v",
+ "1n1f",
+ "7vnh",
+ "7fs5",
+ "2iei",
+ "4inq",
+ "5l8o",
+ "1pi5",
+ "6bfc",
+ "3ryt",
+ "7kdx",
+ "5jb4",
+ "3mgi",
+ "6o9x",
+ "3iao",
+ "1etu",
+ "5ghy",
+ "1bpj",
+ "4pd8",
+ "4qec",
+ "5y4l",
+ "3wsy",
+ "3dyh",
+ "6oic",
+ "1pce",
+ "3cg3",
+ "6zip",
+ "3pok",
+ "7ycw",
+ "1n50",
+ "4mdr",
+ "5fo1",
+ "7z5u",
+ "7f20",
+ "3r2c",
+ "6oax",
+ "7rac",
+ "7vlf",
+ "4xi1",
+ "1a2x",
+ "4xse",
+ "4ay3",
+ "1zs8",
+ "1r2w",
+ "5l31",
+ "4zqi",
+ "5n8m",
+ "4ofl",
+ "6bu3",
+ "1btp",
+ "4h3e",
+ "3nb2",
+ "3gh9",
+ "2a7x",
+ "7xkx",
+ "3kf4",
+ "5kz7",
+ "1wkw",
+ "1qif",
+ "2lc6",
+ "5wag",
+ "3mve",
+ "3osy",
+ "4ucz",
+ "4j0e",
+ "1jph",
+ "4afq",
+ "5aht",
+ "4mm8",
+ "5p0x",
+ "5hm9",
+ "6ufs",
+ "3pwn",
+ "3wlj",
+ "5ksi",
+ "4qfw",
+ "5kjk",
+ "3hfx",
+ "6tl8",
+ "5g0n",
+ "5tyu",
+ "2bfp",
+ "2x0c",
+ "6xqx",
+ "3pcg",
+ "7u72",
+ "8bcr",
+ "3itb",
+ "2iou",
+ "1i5r",
+ "7pi6",
+ "6sic",
+ "2j1e",
+ "6pqr",
+ "1qrc",
+ "1rjr",
+ "6mml",
+ "6plt",
+ "5m9p",
+ "7loc",
+ "3q48",
+ "3qu9",
+ "3qzx",
+ "5net",
+ "2mvd",
+ "1aob",
+ "7a3n",
+ "6py0",
+ "2yym",
+ "6ghc",
+ "6r2o",
+ "6qb2",
+ "1o38",
+ "5ebh",
+ "6iej",
+ "4rjd",
+ "6g1d",
+ "1is2",
+ "6we9",
+ "4knh",
+ "7yfo",
+ "1fk0",
+ "6egy",
+ "1z6f",
+ "2h50",
+ "4l0v",
+ "3uvf",
+ "3lvh",
+ "3zxe",
+ "5q0o",
+ "7kld",
+ "4j4d",
+ "4qol",
+ "5hbi",
+ "7uz1",
+ "5p3r",
+ "4zjz",
+ "2rbk",
+ "1q2i",
+ "3brx",
+ "4ijh",
+ "5ak3",
+ "5b4t",
+ "2f5u",
+ "6cn8",
+ "7jlw",
+ "5qe1",
+ "7ojz",
+ "4u58",
+ "1o4r",
+ "3gt3",
+ "5vv5",
+ "5nsr",
+ "7qzr",
+ "3fw6",
+ "5gvp",
+ "6vd7",
+ "4dql",
+ "3ubj",
+ "6wxw",
+ "4xat",
+ "5z67",
+ "1aru",
+ "6au9",
+ "6zqp",
+ "7dvw",
+ "1rla",
+ "3mwo",
+ "1pj1",
+ "8ait",
+ "6mni",
+ "3h34",
+ "5vp8",
+ "5x41",
+ "4bjt",
+ "5jyg",
+ "1h3t",
+ "7yjo",
+ "1s3c",
+ "4lgn",
+ "7s26",
+ "6mjw",
+ "7ptj",
+ "1fqc",
+ "6c3g",
+ "5l3k",
+ "7vnu",
+ "3r2p",
+ "8d3p",
+ "4pfn",
+ "2pah",
+ "6dyv",
+ "3sjv",
+ "6kb5",
+ "6om5",
+ "3jps",
+ "3pep",
+ "3fu9",
+ "4flj",
+ "3tkp",
+ "5epy",
+ "2hwa",
+ "5yzm",
+ "6l3f",
+ "1lg4",
+ "7ju6",
+ "5pgs",
+ "1v6y",
+ "3lw0",
+ "4aa2",
+ "4l8q",
+ "1w74",
+ "6rws",
+ "3f3r",
+ "6yku",
+ "2qt7",
+ "7okv",
+ "1fli",
+ "4wpk",
+ "7qie",
+ "3vte",
+ "5ohd",
+ "5di8",
+ "1u4n",
+ "2p5b",
+ "1gwx",
+ "3o5i",
+ "3csl",
+ "3wg3",
+ "2gic",
+ "4xuw",
+ "6qpe",
+ "6ggb",
+ "6m48",
+ "1k5w",
+ "4ppf",
+ "4qc1",
+ "3ly5",
+ "5yac",
+ "1oha",
+ "3gy7",
+ "6lja",
+ "3s3x",
+ "6iog",
+ "1v5g",
+ "2dm6",
+ "7r4v",
+ "1cmf",
+ "7b07",
+ "4bti",
+ "1u9j",
+ "1hkc",
+ "6oh9",
+ "5vlq",
+ "2pwe",
+ "6ogk",
+ "1ewf",
+ "7nfb",
+ "5hip",
+ "4e4a",
+ "4iid",
+ "2hhm",
+ "4com",
+ "5hoa",
+ "3g8l",
+ "3t4t",
+ "4z6i",
+ "1h8u",
+ "2bd1",
+ "7b3v",
+ "4r8p",
+ "1akk",
+ "1zka",
+ "5xp6",
+ "2ejt",
+ "7wmn",
+ "4zi6",
+ "1wrf",
+ "5juc",
+ "3wc4",
+ "2og8",
+ "6f4d",
+ "5cnt",
+ "4avv",
+ "1shz",
+ "1rse",
+ "2x6w",
+ "3fx7",
+ "5jj2",
+ "1g2c",
+ "5z2n",
+ "4ibd",
+ "5h86",
+ "5lmz",
+ "1l1r",
+ "2ac4",
+ "6rds",
+ "6sa5",
+ "6apa",
+ "3pmd",
+ "1tvu",
+ "5lz8",
+ "1uwc",
+ "2gdt",
+ "1q0w",
+ "8dwt",
+ "7aa4",
+ "3es5",
+ "7f5o",
+ "6pa0",
+ "4f10",
+ "6gnh",
+ "7usq",
+ "1n0h",
+ "2c37",
+ "5jyv",
+ "7lw6",
+ "7awv",
+ "7f0r",
+ "2hor",
+ "5vzm",
+ "7f22",
+ "6v88",
+ "6fl2",
+ "5i75",
+ "4ozf",
+ "262l",
+ "3aau",
+ "4qin",
+ "4dt3",
+ "7fjs",
+ "1b7b",
+ "1iay",
+ "2w7r",
+ "5ojh",
+ "5i6j",
+ "2y42",
+ "4tld",
+ "5ift",
+ "3fhv",
+ "2wwv",
+ "2com",
+ "1sqd",
+ "5xxl",
+ "1o2b",
+ "3i9v",
+ "5irt",
+ "1p6y",
+ "6s4a",
+ "1zda",
+ "6ivx",
+ "4j6q",
+ "5a5e",
+ "3coc",
+ "1t1r",
+ "3rgz",
+ "4f8a",
+ "4o99",
+ "2nnq",
+ "5i6o",
+ "8drw",
+ "3kxl",
+ "1aiy",
+ "4m6w",
+ "1fvo",
+ "1z8t",
+ "3su5",
+ "2p8b",
+ "7wri",
+ "4urk",
+ "7apg",
+ "4mz4",
+ "6un1",
+ "1ch4",
+ "7cs3",
+ "5rvq",
+ "3vnm",
+ "7pkh",
+ "3nqf",
+ "1f0s",
+ "6p70",
+ "2x4w",
+ "5g59",
+ "7cgy",
+ "2pam",
+ "5chb",
+ "4n8v",
+ "5to0",
+ "4r4i",
+ "3s2c",
+ "2ggu",
+ "8e7c",
+ "5dbb",
+ "4fww",
+ "5obb",
+ "5c6p",
+ "7qd8",
+ "2bz5",
+ "4g6l",
+ "3dd7",
+ "5c5s",
+ "5qmb",
+ "1n1m",
+ "1yqy",
+ "1l17",
+ "2abw",
+ "1jzh",
+ "3pjf",
+ "5gmj",
+ "1p0x",
+ "3ran",
+ "4x86",
+ "6qdr",
+ "1w0n",
+ "1b33",
+ "7ccf",
+ "1ah9",
+ "5ek2",
+ "6sh3",
+ "7ubl",
+ "5yeu",
+ "5ir3",
+ "3ry6",
+ "3u1h",
+ "3l9u",
+ "7ujc",
+ "2ido",
+ "5xu1",
+ "5et6",
+ "6d0n",
+ "1ea1",
+ "2h7c",
+ "6n4t",
+ "1llp",
+ "6yu7",
+ "4fli",
+ "2b92",
+ "4iti",
+ "6u32",
+ "1hqu",
+ "5ks8",
+ "4qa6",
+ "1cct",
+ "3lxh",
+ "164l",
+ "4wne",
+ "5b5w",
+ "5jlt",
+ "2o5v",
+ "5x49",
+ "6e16",
+ "3p57",
+ "5nq1",
+ "2jje",
+ "4gmk",
+ "5ni5",
+ "5huq",
+ "5mew",
+ "1o9c",
+ "6rno",
+ "5myr",
+ "2blw",
+ "1ia5",
+ "6lpx",
+ "6h79",
+ "5wmf",
+ "6ri6",
+ "1t2h",
+ "2xte",
+ "5s3x",
+ "5fva",
+ "3o87",
+ "1fsa",
+ "6dy0",
+ "2lnh",
+ "3ofm",
+ "2wqh",
+ "2o0k",
+ "7ok9",
+ "6rnr",
+ "7mxn",
+ "4e9x",
+ "5az9",
+ "6oks",
+ "6jw2",
+ "4mih",
+ "5cj7",
+ "7sh6",
+ "3qk9",
+ "2x32",
+ "7l30",
+ "1w3c",
+ "6rd9",
+ "5pfg",
+ "6vt4",
+ "3lzf",
+ "5n9c",
+ "1k1n",
+ "5uy4",
+ "5r8k",
+ "5za2",
+ "2am9",
+ "1xu1",
+ "5dnm",
+ "2ixe",
+ "5yee",
+ "3aw7",
+ "7blr",
+ "3zle",
+ "7cgd",
+ "2xue",
+ "4ia9",
+ "2exv",
+ "1vm9",
+ "6w9i",
+ "1bvd",
+ "5wvy",
+ "7wex",
+ "5ypa",
+ "2q1t",
+ "5daz",
+ "4qb2",
+ "7o4g",
+ "6rh6",
+ "8eof",
+ "5okk",
+ "4daf",
+ "5hvj",
+ "7xw8",
+ "3e46",
+ "5j4m",
+ "6tuv",
+ "7kke",
+ "1h4j",
+ "1m46",
+ "1ueo",
+ "2ksp",
+ "6vwf",
+ "4qgg",
+ "5qfe",
+ "5dfj",
+ "3avp",
+ "3rof",
+ "7ek6",
+ "6sze",
+ "4gy0",
+ "7dps",
+ "6m35",
+ "2lqp",
+ "3b8k",
+ "1kt3",
+ "3h5w",
+ "2y9m",
+ "2fz6",
+ "4ght",
+ "6c0j",
+ "4fo6",
+ "4rzs",
+ "6kwz",
+ "4hd6",
+ "1guf",
+ "6q6e",
+ "1y09",
+ "7me5",
+ "6fq5",
+ "6n59",
+ "1jow",
+ "7gsp",
+ "3rim",
+ "1f2c",
+ "4y2u",
+ "4rrn",
+ "6lqo",
+ "5t5s",
+ "3dnc",
+ "2kqu",
+ "7m9b",
+ "1pqn",
+ "2wtm",
+ "3rlj",
+ "6o3z",
+ "1p32",
+ "7lto",
+ "7u3h",
+ "2ilt",
+ "2d1o",
+ "2y79",
+ "3vmi",
+ "4fyt",
+ "5sz3",
+ "7pqu",
+ "6rdo",
+ "6u0n",
+ "3bhj",
+ "2bst",
+ "5r40",
+ "3cj1",
+ "5ha7",
+ "7pr4",
+ "5y5b",
+ "6cf1",
+ "2grv",
+ "2ceh",
+ "7n6v",
+ "1w3o",
+ "5z9r",
+ "3utc",
+ "4i1y",
+ "5rdl",
+ "1j8e",
+ "5e4x",
+ "1tt5",
+ "3uaz",
+ "5gw7",
+ "2i67",
+ "1lck",
+ "2ltr",
+ "1gb8",
+ "3s3v",
+ "6gep",
+ "5cb8",
+ "7m8l",
+ "5wlw",
+ "6i84",
+ "4xas",
+ "5u2d",
+ "1abv",
+ "5kvw",
+ "8bf1",
+ "6ilt",
+ "2dge",
+ "2n7z",
+ "3oma",
+ "6hkj",
+ "5ab9",
+ "3pge",
+ "6v5a",
+ "6pe0",
+ "4z7o",
+ "3c9c",
+ "6np0",
+ "7mzf",
+ "1e4y",
+ "6poc",
+ "6n6v",
+ "4y6q",
+ "7r08",
+ "2r19",
+ "3uc3",
+ "6qxv",
+ "5xhq",
+ "5b19",
+ "4ni0",
+ "4rf5",
+ "5ipc",
+ "2x1r",
+ "1ohg",
+ "5vv3",
+ "6ff9",
+ "5cyv",
+ "6yuf",
+ "6vp9",
+ "5f48",
+ "2rft",
+ "1cj2",
+ "3els",
+ "3gvc",
+ "2wzz",
+ "2xyw",
+ "6c5c",
+ "5prp",
+ "5p57",
+ "4eig",
+ "7dnz",
+ "5pmh",
+ "6l8s",
+ "1nbq",
+ "6ozk",
+ "4xke",
+ "6dpk",
+ "1u60",
+ "6r42",
+ "7nx3",
+ "5j0l",
+ "3fea",
+ "4zbm",
+ "5e0v",
+ "2msy",
+ "1g76",
+ "4z3b",
+ "5w5j",
+ "6s26",
+ "5r95",
+ "5lst",
+ "7vcv",
+ "6sw1",
+ "2rot",
+ "6g4g",
+ "1bxs",
+ "7moy",
+ "2gzy",
+ "7olf",
+ "5via",
+ "6d65",
+ "6hr2",
+ "4u8i",
+ "3we1",
+ "4kn8",
+ "3zu5",
+ "6gus",
+ "2gfv",
+ "1hm2",
+ "7drv",
+ "3ocl",
+ "3mnc",
+ "3nd6",
+ "6r1m",
+ "4ilu",
+ "5ia9",
+ "5tty",
+ "3zdl",
+ "3c13",
+ "3pk0",
+ "5rv7",
+ "3rej",
+ "4ruu",
+ "2l64",
+ "1vyt",
+ "5hoh",
+ "4lm9",
+ "5wmw",
+ "3mze",
+ "6rfz",
+ "6an1",
+ "1nmr",
+ "4jyp",
+ "6r17",
+ "1v8l",
+ "4tw9",
+ "4l5t",
+ "1fwp",
+ "3o4x",
+ "5tjq",
+ "1hmk",
+ "3f4x",
+ "5hma",
+ "1f5m",
+ "1b3u",
+ "5up3",
+ "5xm1",
+ "3drm",
+ "2nze",
+ "2kgf",
+ "3tfj",
+ "5j2f",
+ "1w3q",
+ "2o9g",
+ "2nne",
+ "5nmd",
+ "5udg",
+ "3wnz",
+ "4fu0",
+ "7apf",
+ "3l5p",
+ "2vtt",
+ "6yyi",
+ "6hri",
+ "2yxt",
+ "5k57",
+ "6yqy",
+ "2e82",
+ "4k2u",
+ "2bf2",
+ "5j6r",
+ "6rrk",
+ "4oaz",
+ "2bnd",
+ "6zsi",
+ "6l1m",
+ "5xws",
+ "6fxy",
+ "2gdo",
+ "5onj",
+ "6dkc",
+ "4i69",
+ "8dbg",
+ "2him",
+ "1bob",
+ "7xqh",
+ "5twr",
+ "6bg5",
+ "6rdb",
+ "6j1e",
+ "5yb8",
+ "3ap6",
+ "2dsu",
+ "4rzh",
+ "6rvs",
+ "5rc5",
+ "3k8y",
+ "2o9b",
+ "4n8e",
+ "3snm",
+ "3ko0",
+ "8e9x",
+ "7ao8",
+ "5nxu",
+ "3vcy",
+ "5ek3",
+ "3qns",
+ "2hl0",
+ "1b2x",
+ "2zu4",
+ "2h47",
+ "5pp6",
+ "6ehe",
+ "6obz",
+ "6s21",
+ "4kc2",
+ "3htd",
+ "1zy4",
+ "1sck",
+ "3gxr",
+ "3wx8",
+ "2q8i",
+ "7k4s",
+ "7rnb",
+ "3ba1",
+ "1blr",
+ "3wt6",
+ "4xt2",
+ "6ot0",
+ "3aq7",
+ "5fbo",
+ "2w41",
+ "2h1w",
+ "2jjw",
+ "5j8m",
+ "3r0h",
+ "4mbj",
+ "6taq",
+ "7z8e",
+ "6o6n",
+ "3u3p",
+ "5tqq",
+ "5mhu",
+ "5oba",
+ "1kht",
+ "4b2v",
+ "2d0n",
+ "1pj5",
+ "3rvn",
+ "5iix",
+ "4qe9",
+ "1bff",
+ "5le1",
+ "6nrf",
+ "5acu",
+ "1du6",
+ "1and",
+ "1mod",
+ "3npu",
+ "4jm9",
+ "5r0w",
+ "3nor",
+ "1k24",
+ "6byv",
+ "4cu2",
+ "7esw",
+ "1gnq",
+ "5fpi",
+ "4itj",
+ "1ios",
+ "3mr5",
+ "6b91",
+ "6g0v",
+ "6c3d",
+ "5tll",
+ "4y3o",
+ "3ua4",
+ "5gsr",
+ "2kkh",
+ "5ecr",
+ "7tgk",
+ "6c6y",
+ "3agn",
+ "6oid",
+ "2o3p",
+ "1b7r",
+ "6u0l",
+ "7fdh",
+ "1r1h",
+ "1t7b",
+ "3sn8",
+ "4j4v",
+ "4q6x",
+ "4afz",
+ "3u6q",
+ "7sz3",
+ "3nic",
+ "2x4t",
+ "1hi2",
+ "3wrd",
+ "2zr1",
+ "6vm1",
+ "2jls",
+ "1csi",
+ "1knz",
+ "7k1v",
+ "3vpe",
+ "1c1o",
+ "7kb7",
+ "4i43",
+ "6tdq",
+ "6p80",
+ "3mix",
+ "2fxv",
+ "4qcf",
+ "5hdx",
+ "1nww",
+ "6tfw",
+ "1q4g",
+ "5xr8",
+ "2dry",
+ "1lse",
+ "1oyk",
+ "6p8i",
+ "3p5w",
+ "3vlg",
+ "5frh",
+ "3p7f",
+ "2n8i",
+ "3vv4",
+ "1rts",
+ "7frs",
+ "1ukb",
+ "7mcf",
+ "6cqm",
+ "7o34",
+ "4ly7",
+ "7q66",
+ "3wdn",
+ "3tor",
+ "5e8w",
+ "1c01",
+ "3qt2",
+ "2xwu",
+ "3a1d",
+ "5p33",
+ "1g88",
+ "4r6f",
+ "1upw",
+ "5w1l",
+ "4qj0",
+ "1jr6",
+ "3bfh",
+ "3v3x",
+ "3he5",
+ "5rvf",
+ "2avg",
+ "3heq",
+ "3kgr",
+ "7t7a",
+ "6cx1",
+ "5v1s",
+ "6l1n",
+ "6q3d",
+ "6lgb",
+ "4ozj",
+ "1y2t",
+ "5bwx",
+ "7s2f",
+ "4r7x",
+ "6nsf",
+ "6yec",
+ "4ycu",
+ "1xqg",
+ "6ghq",
+ "4kgd",
+ "2w5r",
+ "4arv",
+ "5y9v",
+ "4m27",
+ "3mlc",
+ "1lw9",
+ "1dke",
+ "1lbc",
+ "7b8n",
+ "1kc1",
+ "2zsr",
+ "7wdn",
+ "7adb",
+ "6cus",
+ "4mvr",
+ "1m1j",
+ "3ubd",
+ "6sd2",
+ "7w8v",
+ "7k6j",
+ "1az6",
+ "5lnd",
+ "3erc",
+ "7ybx",
+ "2mkg",
+ "1pjb",
+ "4dm0",
+ "1lfb",
+ "4i40",
+ "1yh9",
+ "5ijq",
+ "1zve",
+ "3bec",
+ "5pho",
+ "2isv",
+ "1ete",
+ "4hre",
+ "4u1n",
+ "5h85",
+ "1cl6",
+ "1oib",
+ "4c5i",
+ "6hjk",
+ "3hpk",
+ "5lf4",
+ "1ryn",
+ "3zil",
+ "7uby",
+ "3m8j",
+ "4zwu",
+ "3nds",
+ "2aov",
+ "4gv7",
+ "5qee",
+ "2cd7",
+ "5jfx",
+ "7cir",
+ "1r1b",
+ "6al5",
+ "1czb",
+ "4ywv",
+ "2lp7",
+ "6its",
+ "5ie9",
+ "4ofk",
+ "6bve",
+ "3nqy",
+ "3sdc",
+ "6tlf",
+ "5k3i",
+ "1g5a",
+ "7lp2",
+ "7abw",
+ "5lz3",
+ "8f7r",
+ "7lq8",
+ "6u36",
+ "6jzi",
+ "6k5e",
+ "1wlj",
+ "6w8q",
+ "8byw",
+ "5wt3",
+ "6tnm",
+ "8d23",
+ "1ret",
+ "2i8c",
+ "3wiy",
+ "5vjt",
+ "6rst",
+ "5xb8",
+ "2xx6",
+ "4n95",
+ "4n6x",
+ "5vps",
+ "6rnb",
+ "4ntj",
+ "3n65",
+ "2wzl",
+ "2pt1",
+ "6v1l",
+ "4qru",
+ "3buf",
+ "1r22",
+ "1ccm",
+ "2rjz",
+ "7avj",
+ "1bo4",
+ "5oa8",
+ "2h24",
+ "5jc3",
+ "1f5y",
+ "2hq8",
+ "6o63",
+ "6kxh",
+ "1nee",
+ "5cml",
+ "5sa4",
+ "1v7c",
+ "3zi5",
+ "3v8j",
+ "3h1p",
+ "3zh2",
+ "1n11",
+ "2hu4",
+ "1gpe",
+ "3ep6",
+ "7nfw",
+ "5ljv",
+ "5cs8",
+ "3pky",
+ "6mta",
+ "5e4f",
+ "6hti",
+ "3aqy",
+ "1kfr",
+ "6hok",
+ "5jac",
+ "3s1z",
+ "6qj5",
+ "1v1f",
+ "8cwu",
+ "3zs5",
+ "6ef4",
+ "3fgq",
+ "2vl9",
+ "1ao3",
+ "2j5y",
+ "5wgi",
+ "4lwi",
+ "4gra",
+ "5cz5",
+ "1ujp",
+ "7tpo",
+ "7ctl",
+ "1mx5",
+ "3oiu",
+ "2lle",
+ "5e9k",
+ "2l39",
+ "6svn",
+ "1xyl",
+ "7mid",
+ "1g9l",
+ "5ds5",
+ "6bh3",
+ "3bwh",
+ "1zlh",
+ "3lex",
+ "8avw",
+ "4wq7",
+ "3vzh",
+ "7erx",
+ "6irj",
+ "4l1w",
+ "6h49",
+ "7pyq",
+ "5ilv",
+ "6euy",
+ "1cuw",
+ "4gi0",
+ "7fmy",
+ "5n9p",
+ "2dqx",
+ "5pnb",
+ "1e5a",
+ "4fio",
+ "1afw",
+ "7mwy",
+ "1hmo",
+ "6wkc",
+ "5qdy",
+ "5dsp",
+ "1xz0",
+ "1emn",
+ "3a1a",
+ "2i4w",
+ "7caf",
+ "6wm4",
+ "6lkx",
+ "2ev3",
+ "5mc0",
+ "1w1y",
+ "3wk5",
+ "8ayr",
+ "6wsg",
+ "6ago",
+ "1oqn",
+ "5fkk",
+ "3fie",
+ "3ote",
+ "1g4c",
+ "3jyo",
+ "3ktz",
+ "4fl8",
+ "6mjv",
+ "4x2a",
+ "4k7r",
+ "2y7p",
+ "1ke5",
+ "4qfp",
+ "4ry6",
+ "4rnf",
+ "5tlv",
+ "3vj8",
+ "3dpu",
+ "6xro",
+ "3t77",
+ "5n6m",
+ "2vwp",
+ "1m9g",
+ "2ont",
+ "4dqw",
+ "6uta",
+ "5d62",
+ "6gdg",
+ "1e9i",
+ "7pdt",
+ "6qf9",
+ "1q3y",
+ "1v5c",
+ "1u9x",
+ "7l5w",
+ "2pfl",
+ "5bu3",
+ "7kfk",
+ "3rdn",
+ "2hz3",
+ "3i7q",
+ "6frr",
+ "7sgi",
+ "6km7",
+ "2uz5",
+ "5h7o",
+ "1qzd",
+ "1lzn",
+ "1upx",
+ "5b49",
+ "3chf",
+ "7pen",
+ "7w08",
+ "2h1h",
+ "3fth",
+ "7qt8",
+ "1dot",
+ "2wf4",
+ "5a1f",
+ "2a19",
+ "4qxb",
+ "1gj6",
+ "2c3s",
+ "5dsm",
+ "2byb",
+ "4r2x",
+ "2vg3",
+ "1i02",
+ "5xne",
+ "5mua",
+ "5e9n",
+ "2bvp",
+ "5cfv",
+ "1kp3",
+ "5yd0",
+ "2lxy",
+ "1bhg",
+ "3kiv",
+ "1qvy",
+ "1r8b",
+ "6bjt",
+ "4ux7",
+ "5ne9",
+ "3tf0",
+ "4a28",
+ "5rl6",
+ "3b9r",
+ "4er3",
+ "1iea",
+ "3e1s",
+ "4xv7",
+ "6hju",
+ "1peb",
+ "1du1",
+ "7wnl",
+ "3a7s",
+ "4jkk",
+ "2v3n",
+ "6chw",
+ "6ka2",
+ "3j1f",
+ "1f7s",
+ "2fqg",
+ "1thj",
+ "6a1z",
+ "3i52",
+ "4mb2",
+ "3skg",
+ "2zpx",
+ "2kdf",
+ "2cav",
+ "3veq",
+ "5cb5",
+ "6yqu",
+ "1b93",
+ "7lvj",
+ "7fd0",
+ "3lnb",
+ "1tki",
+ "5ds7",
+ "5dtf",
+ "1d8u",
+ "3emh",
+ "1rie",
+ "1fn0",
+ "2vuu",
+ "7jma",
+ "6pce",
+ "6t48",
+ "4ldq",
+ "3hju",
+ "4dho",
+ "1z0k",
+ "5ej8",
+ "5v8f",
+ "4r84",
+ "7k6k",
+ "2gfs",
+ "6pqy",
+ "6e51",
+ "6i95",
+ "3jyp",
+ "2jhx",
+ "4ise",
+ "7krh",
+ "6oxl",
+ "7ty2",
+ "4y4s",
+ "3h21",
+ "3w2s",
+ "7kvz",
+ "6evu",
+ "1gcn",
+ "1zcr",
+ "1aso",
+ "4ht0",
+ "6x1j",
+ "5lmj",
+ "6li1",
+ "4qw6",
+ "7c31",
+ "1umj",
+ "6nrh",
+ "1he7",
+ "7oeu",
+ "5vu4",
+ "7ehq",
+ "4n0o",
+ "1we1",
+ "4b9y",
+ "3ftk",
+ "2xsa",
+ "7qyi",
+ "3iyi",
+ "5ivg",
+ "6pjr",
+ "2o4n",
+ "4f1f",
+ "1rwd",
+ "4xtw",
+ "7rb4",
+ "6s9o",
+ "6xa5",
+ "1azw",
+ "3gsn",
+ "4yvf",
+ "7qmm",
+ "4ni7",
+ "2p8s",
+ "6ids",
+ "4g8e",
+ "4qqz",
+ "4tw5",
+ "6x6u",
+ "6p24",
+ "4d79",
+ "6c2u",
+ "1grb",
+ "4pp7",
+ "7et0",
+ "3aml",
+ "1diy",
+ "7jzs",
+ "5pfy",
+ "4csa",
+ "6qaa",
+ "1yqd",
+ "4d6k",
+ "3qgi",
+ "3e50",
+ "7exb",
+ "3veh",
+ "3idj",
+ "2e56",
+ "6syg",
+ "6a4o",
+ "7zrh",
+ "4iiq",
+ "5irs",
+ "3p2y",
+ "4jcq",
+ "4rbw",
+ "2ll3",
+ "3vuc",
+ "1pv9",
+ "3a0o",
+ "6uuy",
+ "1bqg",
+ "2ala",
+ "7nf4",
+ "2jir",
+ "1dgj",
+ "7awy",
+ "5qf9",
+ "7zp0",
+ "1wei",
+ "4bbz",
+ "1xd9",
+ "5byo",
+ "5adt",
+ "6cy9",
+ "1dq4",
+ "1gdl",
+ "3rzh",
+ "4au1",
+ "5oxz",
+ "7b9x",
+ "2ffk",
+ "1xwv",
+ "6e8k",
+ "5bof",
+ "7bf3",
+ "6gxu",
+ "2aw2",
+ "7vc2",
+ "5ayr",
+ "6fcl",
+ "5cj2",
+ "2v2g",
+ "6xf3",
+ "2m3n",
+ "7nka",
+ "7tw9",
+ "3m26",
+ "3g0h",
+ "4ogv",
+ "4i50",
+ "4w78",
+ "4xwm",
+ "7dbj",
+ "2z8z",
+ "1lco",
+ "1xf8",
+ "4z90",
+ "2m9i",
+ "3g5k",
+ "4yet",
+ "3hp2",
+ "5sue",
+ "4e5k",
+ "6ipv",
+ "4r64",
+ "8dyb",
+ "6utp",
+ "5k6k",
+ "1r0g",
+ "1qml",
+ "4g0j",
+ "3vtf",
+ "4nt4",
+ "1aes",
+ "4lkc",
+ "4ejr",
+ "6x7o",
+ "4r62",
+ "5cu5",
+ "7dxu",
+ "1h1t",
+ "2c8o",
+ "3fje",
+ "1g6a",
+ "2mkh",
+ "4qo0",
+ "7vjs",
+ "5nn7",
+ "1ncn",
+ "1tm6",
+ "5e17",
+ "2yh3",
+ "2i30",
+ "5k0g",
+ "5cow",
+ "4qbf",
+ "3n18",
+ "3gbr",
+ "4hjg",
+ "2nve",
+ "3s7b",
+ "5iom",
+ "7fd4",
+ "1t65",
+ "1fl1",
+ "3lgs",
+ "3tv4",
+ "6k60",
+ "5p5s",
+ "3qku",
+ "4u1j",
+ "7nbv",
+ "7zmu",
+ "4xph",
+ "4zuh",
+ "7p3r",
+ "7sag",
+ "7t63",
+ "2uy2",
+ "1sxr",
+ "4azi",
+ "6u9h",
+ "6shh",
+ "2erm",
+ "5jxb",
+ "2v6n",
+ "1nbi",
+ "4d0m",
+ "1vhp",
+ "3nc5",
+ "5vww",
+ "1k3z",
+ "4ohk",
+ "3rdy",
+ "3vj7",
+ "4p7i",
+ "5l51",
+ "2kel",
+ "4bjx",
+ "3mbd",
+ "6t33",
+ "6ivs",
+ "4hqx",
+ "1q21",
+ "2xjs",
+ "1sxc",
+ "1ica",
+ "1f81",
+ "6tr1",
+ "4yk8",
+ "2kdx",
+ "6dew",
+ "7w58",
+ "1evx",
+ "6cgd",
+ "6hn5",
+ "1v82",
+ "1mxx",
+ "7wsz",
+ "2zrf",
+ "5pvn",
+ "5omk",
+ "4z1m",
+ "1hxk",
+ "5p4o",
+ "2boa",
+ "3uha",
+ "6j6m",
+ "6qos",
+ "4rn6",
+ "8d9c",
+ "2lke",
+ "2ya1",
+ "4gg6",
+ "4u3x",
+ "2gtw",
+ "6f4y",
+ "5llo",
+ "6ew1",
+ "4xts",
+ "3pbd",
+ "7es1",
+ "3vt4",
+ "5m3n",
+ "3sow",
+ "5eq2",
+ "5wkb",
+ "4znn",
+ "2mow",
+ "2dki",
+ "2pp3",
+ "1vnb",
+ "5jsa",
+ "5k7j",
+ "3k2p",
+ "5e0g",
+ "7roe",
+ "4rwy",
+ "2nef",
+ "5vbe",
+ "1oxc",
+ "7aku",
+ "1lh0",
+ "2p18",
+ "5ea2",
+ "4mv3",
+ "3tgt",
+ "3ns0",
+ "6zyh",
+ "3ubh",
+ "1h4r",
+ "6i2r",
+ "1ofg",
+ "5vwh",
+ "4khy",
+ "1o7z",
+ "5jmw",
+ "7xaa",
+ "3w6e",
+ "6m94",
+ "5m1o",
+ "6ajk",
+ "3rt1",
+ "1nif",
+ "5f8h",
+ "2dab",
+ "2w9m",
+ "4wpy",
+ "6pha",
+ "4lwv",
+ "2hwm",
+ "5oal",
+ "2ayr",
+ "6n2i",
+ "5thv",
+ "1dra",
+ "6aib",
+ "1il8",
+ "7vgy",
+ "3uki",
+ "7u6z",
+ "4lmm",
+ "1xd3",
+ "1omx",
+ "3nkq",
+ "5d2h",
+ "1oix",
+ "3ofw",
+ "5e62",
+ "5ur2",
+ "6xbj",
+ "2y4o",
+ "3elw",
+ "3zih",
+ "1zoo",
+ "5lw5",
+ "5kuo",
+ "5wm6",
+ "5ny1",
+ "1rke",
+ "1of9",
+ "2va5",
+ "2wii",
+ "5rlb",
+ "4owb",
+ "7n4l",
+ "3uhi",
+ "7tt1",
+ "5j7w",
+ "6sf1",
+ "6cqn",
+ "7pxa",
+ "6bky",
+ "2wfh",
+ "6apo",
+ "3ktr",
+ "3sum",
+ "3aqu",
+ "7lq4",
+ "8ewd",
+ "7qtx",
+ "6t4t",
+ "6eac",
+ "1v2g",
+ "4ur9",
+ "3nm4",
+ "6xoc",
+ "5vj8",
+ "1jf2",
+ "1s4o",
+ "6cbg",
+ "5o9a",
+ "5jia",
+ "1bwr",
+ "2m19",
+ "2xwn",
+ "2fnt",
+ "1pbg",
+ "5s4t",
+ "6po9",
+ "4b2t",
+ "4yzp",
+ "6ogp",
+ "6rm1",
+ "2i6i",
+ "1iov",
+ "2gcb",
+ "6prb",
+ "4btp",
+ "6nbf",
+ "6mey",
+ "4jue",
+ "5zrz",
+ "5d9a",
+ "2wev",
+ "6gik",
+ "6y9v",
+ "6ip1",
+ "4n09",
+ "7rwc",
+ "2yfl",
+ "4nkk",
+ "4rsx",
+ "2gqm",
+ "4q24",
+ "6ugt",
+ "7oyq",
+ "5hvd",
+ "2klk",
+ "6smh",
+ "8d87",
+ "4ifh",
+ "1rso",
+ "3nw7",
+ "5hgo",
+ "4efs",
+ "3hwi",
+ "3ro4",
+ "5mnd",
+ "5qe7",
+ "5cwb",
+ "1sk6",
+ "6pp7",
+ "6adl",
+ "3h76",
+ "1mx2",
+ "6k93",
+ "1eag",
+ "5tmt",
+ "1ydp",
+ "6nn3",
+ "4r75",
+ "2ylb",
+ "6n6c",
+ "3n7o",
+ "3ez2",
+ "4x9q",
+ "3rz5",
+ "5gm8",
+ "3lf0",
+ "6cmn",
+ "4bqs",
+ "7tit",
+ "7fp1",
+ "2ciu",
+ "4hxz",
+ "4r2n",
+ "1hvs",
+ "6zuq",
+ "7jiv",
+ "3qge",
+ "5i7c",
+ "1cmr",
+ "3ech",
+ "5isl",
+ "2nmb",
+ "6hco",
+ "7kqg",
+ "4yz6",
+ "2vdd",
+ "6cir",
+ "6qrc",
+ "7lxw",
+ "6u65",
+ "5hzi",
+ "1gd7",
+ "1aql",
+ "5fwt",
+ "4bru",
+ "6hv7",
+ "4cy2",
+ "3djh",
+ "3ugo",
+ "4cub",
+ "3v81",
+ "6rj0",
+ "5owv",
+ "1tmm",
+ "4zwy",
+ "3m3c",
+ "6onb",
+ "2nat",
+ "7mwv",
+ "4aph",
+ "5m1i",
+ "6bv2",
+ "165l",
+ "3uv0",
+ "7mfq",
+ "1k1x",
+ "7vxh",
+ "6u28",
+ "3kh5",
+ "1byi",
+ "5ggj",
+ "1s0u",
+ "1lga",
+ "3tdd",
+ "6aur",
+ "1c67",
+ "6u98",
+ "5fbf",
+ "1kq7",
+ "2ylr",
+ "1cc3",
+ "1yuy",
+ "1sp0",
+ "5mwn",
+ "7qz3",
+ "244l",
+ "4m6j",
+ "7emr",
+ "2vwy",
+ "2ej1",
+ "6uk2",
+ "6qry",
+ "5ci4",
+ "4dmg",
+ "5f05",
+ "5rth",
+ "5avn",
+ "7szq",
+ "1udq",
+ "2wbv",
+ "2d11",
+ "7k6e",
+ "7lrd",
+ "2y5a",
+ "7nop",
+ "4jm6",
+ "7shi",
+ "2lvh",
+ "6gs7",
+ "6cdk",
+ "4clc",
+ "3zij",
+ "1ywv",
+ "6qxu",
+ "5umc",
+ "8e0a",
+ "6giz",
+ "5heg",
+ "5rt8",
+ "5unb",
+ "1ekz",
+ "4boh",
+ "2p4k",
+ "6try",
+ "4trg",
+ "3daw",
+ "2j0w",
+ "4i7n",
+ "7erb",
+ "7cfh",
+ "2i5x",
+ "4pv2",
+ "1acl",
+ "4pqf",
+ "2w4c",
+ "5p5u",
+ "7t87",
+ "3px0",
+ "2wrb",
+ "5sbf",
+ "6fzn",
+ "5esd",
+ "5zzn",
+ "5jai",
+ "6eyd",
+ "1amu",
+ "2mi5",
+ "5npy",
+ "1yxi",
+ "6wie",
+ "3sqr",
+ "7wcq",
+ "5mm2",
+ "6z2p",
+ "5k8y",
+ "3qyp",
+ "4ds8",
+ "6a0r",
+ "3icw",
+ "1lbz",
+ "5fsa",
+ "7nfq",
+ "5ej2",
+ "5fr7",
+ "2ccj",
+ "3wc2",
+ "7m4i",
+ "2cj8",
+ "7ry7",
+ "7jxq",
+ "2kox",
+ "4nbp",
+ "6i1b",
+ "3hll",
+ "7t6p",
+ "3zp5",
+ "4ohy",
+ "2zii",
+ "5jdp",
+ "7lv8",
+ "7sk4",
+ "7jr5",
+ "7kp8",
+ "3pvn",
+ "2fb8",
+ "5w1j",
+ "4pfk",
+ "2vx5",
+ "6nyc",
+ "6i43",
+ "7pfu",
+ "7f49",
+ "1ayv",
+ "4ayf",
+ "2cho",
+ "5iqa",
+ "7o67",
+ "6zub",
+ "1yk1",
+ "6w7d",
+ "8ais",
+ "3ubm",
+ "7al3",
+ "4ca1",
+ "5fnw",
+ "4qq8",
+ "6vhp",
+ "6hny",
+ "5hh6",
+ "2yog",
+ "1r0j",
+ "3ijt",
+ "1wou",
+ "2akj",
+ "7ags",
+ "2kau",
+ "6hjx",
+ "8ckv",
+ "5z1p",
+ "1gt4",
+ "7abn",
+ "4u0e",
+ "3k21",
+ "4wit",
+ "7k71",
+ "4irs",
+ "1qze",
+ "5ni6",
+ "5zhs",
+ "6ev2",
+ "4hws",
+ "1htq",
+ "7xqb",
+ "6sb1",
+ "1oo5",
+ "3sxi",
+ "4aqt",
+ "5pe7",
+ "7crg",
+ "6ryu",
+ "7qu6",
+ "4b2f",
+ "3tlb",
+ "6gjg",
+ "6ab5",
+ "5amx",
+ "1a6j",
+ "1vfz",
+ "1y4h",
+ "5i5f",
+ "1hvg",
+ "7c1u",
+ "6iwo",
+ "3tfd",
+ "5n9y",
+ "1j93",
+ "6vh6",
+ "2ptl",
+ "5uuc",
+ "2r5g",
+ "1sjs",
+ "5p2t",
+ "8b7j",
+ "5kuz",
+ "2jqr",
+ "1pgp",
+ "3vki",
+ "7p12",
+ "2wox",
+ "1v8y",
+ "2wlm",
+ "1zmt",
+ "5qdn",
+ "5kwi",
+ "8bqj",
+ "1l10",
+ "6mgm",
+ "4lo8",
+ "1gdd",
+ "6xob",
+ "4csy",
+ "8hl8",
+ "4fk4",
+ "1wsb",
+ "4xxn",
+ "6eec",
+ "3hqu",
+ "1g1e",
+ "3bv0",
+ "1tj5",
+ "4i22",
+ "5wio",
+ "5klh",
+ "3bu7",
+ "6npp",
+ "6x58",
+ "3sls",
+ "2j87",
+ "5vgr",
+ "3zgf",
+ "5omw",
+ "3quy",
+ "1rno",
+ "6p2t",
+ "3m2b",
+ "6e8q",
+ "2xb7",
+ "6eco",
+ "6gwg",
+ "6yg9",
+ "6nu0",
+ "7m1t",
+ "6nop",
+ "6p94",
+ "2lw1",
+ "3kob",
+ "1opp",
+ "3oq1",
+ "4r8v",
+ "1roe",
+ "5iuh",
+ "5y3l",
+ "4adq",
+ "5xat",
+ "6t5p",
+ "5e2o",
+ "3re0",
+ "6xta",
+ "6di5",
+ "2wgt",
+ "3d2y",
+ "3vgj",
+ "2c90",
+ "6i96",
+ "4ago",
+ "5wx7",
+ "7c0w",
+ "1mvp",
+ "3qow",
+ "3msv",
+ "2p4n",
+ "5uua",
+ "5okg",
+ "5ggd",
+ "1xik",
+ "2i4o",
+ "5czi",
+ "2ku1",
+ "5w1v",
+ "1qly",
+ "5xmb",
+ "1w4x",
+ "3wwa",
+ "8di1",
+ "8h1t",
+ "6k80",
+ "7oyx",
+ "1gpx",
+ "6f4i",
+ "4blm",
+ "6r64",
+ "1z3r",
+ "1to4",
+ "7qkv",
+ "8dsr",
+ "7jrb",
+ "1yu1",
+ "4okr",
+ "4fa4",
+ "7mk3",
+ "1tx9",
+ "1e41",
+ "1bmf",
+ "1tlz",
+ "6fpr",
+ "6sbw",
+ "3qy8",
+ "2w6p",
+ "2dzn",
+ "7er6",
+ "1xcc",
+ "1lm0",
+ "2qb1",
+ "3a9w",
+ "7ze6",
+ "3ds5",
+ "2pmt",
+ "1dpe",
+ "5kod",
+ "5sb9",
+ "6w39",
+ "2ya7",
+ "2wnh",
+ "4n84",
+ "4ugw",
+ "7dc9",
+ "4pr7",
+ "7umw",
+ "2wa8",
+ "1rfy",
+ "2mr9",
+ "2v7b",
+ "7uy5",
+ "7bv1",
+ "2fqi",
+ "7wb2",
+ "5gln",
+ "7d7o",
+ "1p15",
+ "5p5h",
+ "7z71",
+ "4m0p",
+ "6y06",
+ "7oys",
+ "2r8z",
+ "6ce9",
+ "1s9x",
+ "3io6",
+ "1dwo",
+ "3oha",
+ "1qs1",
+ "2fky",
+ "2bi9",
+ "6wyk",
+ "2ex0",
+ "3gcd",
+ "3eiq",
+ "5u23",
+ "6lcl",
+ "3d2z",
+ "7cs7",
+ "4wh1",
+ "5tik",
+ "7m5b",
+ "6a8z",
+ "4bel",
+ "2n3v",
+ "5yhg",
+ "4tu7",
+ "2wvb",
+ "7e25",
+ "6en5",
+ "5dlb",
+ "6tsy",
+ "2in8",
+ "3atu",
+ "1te0",
+ "3vhx",
+ "5j8d",
+ "6i8y",
+ "6us4",
+ "5lsh",
+ "2pjv",
+ "6px8",
+ "7c40",
+ "1xjf",
+ "1nwu",
+ "1mlc",
+ "5eqf",
+ "4am1",
+ "1ed8",
+ "6s8n",
+ "5nhu",
+ "6cjq",
+ "7ztc",
+ "2ddw",
+ "8gne",
+ "5fbp",
+ "1fcb",
+ "1a56",
+ "2jjf",
+ "3gqo",
+ "6dlx",
+ "7jm6",
+ "5jds",
+ "6pq6",
+ "1s7v",
+ "3lhy",
+ "6g7c",
+ "3mch",
+ "3vbl",
+ "7wbj",
+ "6trm",
+ "5xtz",
+ "6caj",
+ "5b84",
+ "1nw9",
+ "3cch",
+ "6qu7",
+ "4fzd",
+ "7f9w",
+ "6tb1",
+ "4agq",
+ "4g8l",
+ "1sfb",
+ "4owe",
+ "4q4e",
+ "4zz9",
+ "4r7m",
+ "1r7d",
+ "1iox",
+ "5iyz",
+ "4hyv",
+ "6vpi",
+ "6ffk",
+ "2h9g",
+ "5l7s",
+ "4rcz",
+ "4un2",
+ "1vb5",
+ "2fp8",
+ "4lzx",
+ "6ysh",
+ "2k3m",
+ "2w3y",
+ "1x9a",
+ "2fhh",
+ "4g4o",
+ "3a0c",
+ "7ett",
+ "5d54",
+ "2vw1",
+ "7ds6",
+ "6jhb",
+ "4fs3",
+ "1u75",
+ "2ben",
+ "4cue",
+ "3vz1",
+ "2yd4",
+ "3ume",
+ "5wzf",
+ "3gij",
+ "7ql1",
+ "1geh",
+ "5l0s",
+ "6us3",
+ "4cw4",
+ "3tyv",
+ "2vxa",
+ "1evi",
+ "4d63",
+ "7vd8",
+ "2pph",
+ "2qjs",
+ "5ers",
+ "4ccx",
+ "2dt2",
+ "2rpp",
+ "3nmq",
+ "2ahe",
+ "6jgp",
+ "1gbd",
+ "1xxn",
+ "5ii1",
+ "5o0r",
+ "5pjw",
+ "6z0r",
+ "7nbm",
+ "1yp3",
+ "6sr3",
+ "2pwx",
+ "1v3c",
+ "7dwb",
+ "3ste",
+ "1swp",
+ "2c39",
+ "4chy",
+ "2fxq",
+ "7jjh",
+ "1kwt",
+ "3h6k",
+ "7qzg",
+ "6ty4",
+ "3fii",
+ "6hvh",
+ "4xcz",
+ "3d3d",
+ "7kcx",
+ "6azf",
+ "1lb0",
+ "1ubv",
+ "7p8x",
+ "4lkt",
+ "4mvs",
+ "8dcv",
+ "5h19",
+ "2vjc",
+ "6m17",
+ "2nuu",
+ "5uiz",
+ "6e7b",
+ "5n77",
+ "3cxw",
+ "4g95",
+ "2bj8",
+ "2p8m",
+ "4f12",
+ "6f0r",
+ "1ave",
+ "4jpc",
+ "6wq9",
+ "6nzw",
+ "4oul",
+ "7u15",
+ "6pp0",
+ "5fs7",
+ "2nou",
+ "3pln",
+ "3rtq",
+ "5o0k",
+ "5ilo",
+ "4nhg",
+ "6br3",
+ "2xc4",
+ "7fdk",
+ "5s67",
+ "2w6q",
+ "7s1p",
+ "3dxk",
+ "3ipk",
+ "3o2a",
+ "1jsr",
+ "5udd",
+ "6pf4",
+ "6r1w",
+ "5bo5",
+ "4bi8",
+ "7rfa",
+ "3bae",
+ "5obh",
+ "1wdy",
+ "3tay",
+ "4ie0",
+ "3x0m",
+ "3pn7",
+ "1vjy",
+ "4eiq",
+ "1di5",
+ "1seh",
+ "7vsq",
+ "6kla",
+ "3ias",
+ "7qnq",
+ "4hrn",
+ "7awc",
+ "2wnr",
+ "6atv",
+ "7rqu",
+ "1rat",
+ "2jda",
+ "3b13",
+ "4wwm",
+ "1qh3",
+ "3ws0",
+ "4tks",
+ "7t4h",
+ "3zh3",
+ "5x8x",
+ "1m0j",
+ "1xiv",
+ "1mzb",
+ "6cqy",
+ "5c8w",
+ "5y93",
+ "6pis",
+ "4kx9",
+ "7rn5",
+ "5xty",
+ "7p5s",
+ "2b38",
+ "1cqn",
+ "2j57",
+ "1m31",
+ "3uzz",
+ "5i8q",
+ "5diz",
+ "1e88",
+ "2w8p",
+ "1ylp",
+ "6pp4",
+ "3b1c",
+ "7zaq",
+ "6cse",
+ "3oj2",
+ "3ctz",
+ "5vdp",
+ "4ydx",
+ "6g6k",
+ "6ase",
+ "7l28",
+ "5n17",
+ "5n8x",
+ "3x0a",
+ "4wip",
+ "1gi9",
+ "7dqm",
+ "6hfb",
+ "6jeh",
+ "3ge8",
+ "5zdo",
+ "4au8",
+ "5nu8",
+ "7b2a",
+ "1xcd",
+ "6slx",
+ "2ra3",
+ "5vsj",
+ "5fjq",
+ "3wmz",
+ "3at7",
+ "5iik",
+ "4z7p",
+ "4lcp",
+ "3aq4",
+ "1dzl",
+ "3v6d",
+ "6y9j",
+ "4e0j",
+ "5uwd",
+ "4rwn",
+ "4ka3",
+ "7jxs",
+ "6qou",
+ "3eyb",
+ "6j7n",
+ "8aya",
+ "6i62",
+ "7ley",
+ "6u6i",
+ "5w6i",
+ "4ei5",
+ "6khe",
+ "1xee",
+ "5qu1",
+ "1qjk",
+ "2vnr",
+ "6moa",
+ "3kmf",
+ "6r3t",
+ "5pyt",
+ "4k47",
+ "1iyj",
+ "5roi",
+ "5pmt",
+ "2adf",
+ "1do6",
+ "2pgg",
+ "4q3l",
+ "2rj6",
+ "2iub",
+ "5to8",
+ "5q1f",
+ "6ehh",
+ "5obn",
+ "5oth",
+ "6ha9",
+ "4k95",
+ "4nw7",
+ "3h0z",
+ "6iqz",
+ "1o7v",
+ "3vuz",
+ "6eii",
+ "3i13",
+ "6o41",
+ "2cse",
+ "3vrw",
+ "5rpi",
+ "4hcq",
+ "7fis",
+ "6kqb",
+ "6pwx",
+ "7l0l",
+ "2fgu",
+ "7m49",
+ "7u50",
+ "4ucb",
+ "1xse",
+ "1mqv",
+ "6nus",
+ "5ct4",
+ "6h53",
+ "4j79",
+ "2ett",
+ "3hw7",
+ "5ee8",
+ "6d6w",
+ "3rey",
+ "3ou3",
+ "6gtw",
+ "7n0m",
+ "5zk5",
+ "5b6p",
+ "2mzn",
+ "3gz1",
+ "7k8a",
+ "1dsu",
+ "2d0f",
+ "3n0b",
+ "4iig",
+ "1xfv",
+ "4i75",
+ "7n2y",
+ "6ouy",
+ "4pnt",
+ "5nkq",
+ "1iq5",
+ "7bia",
+ "2nyb",
+ "2b55",
+ "6np1",
+ "5omq",
+ "5ll7",
+ "6tqe",
+ "4dmv",
+ "4hmt",
+ "3i04",
+ "3vlx",
+ "4tuu",
+ "5wuu",
+ "3qt0",
+ "6wbh",
+ "1zon",
+ "7kl1",
+ "1d2l",
+ "3g8g",
+ "2k7g",
+ "4job",
+ "3pmx",
+ "7k57",
+ "5k7o",
+ "7m7n",
+ "1i27",
+ "6h12",
+ "1sr4",
+ "4u8o",
+ "7q1p",
+ "4opz",
+ "3enl",
+ "1u80",
+ "3rb6",
+ "5z76",
+ "4wh6",
+ "1yae",
+ "1kpm",
+ "6md1",
+ "2ib9",
+ "3uhn",
+ "4nm0",
+ "5kh5",
+ "7q23",
+ "1h69",
+ "4fxf",
+ "1o5l",
+ "7ctz",
+ "5ntf",
+ "4qks",
+ "5gu8",
+ "1hiz",
+ "3jvu",
+ "6bg8",
+ "5wep",
+ "7ajp",
+ "7zy9",
+ "5x28",
+ "6aky",
+ "2j49",
+ "5weg",
+ "3gxz",
+ "7t4a",
+ "1w6b",
+ "1eh6",
+ "2gwo",
+ "2l3i",
+ "4xb9",
+ "6aw1",
+ "8ecj",
+ "3aqp",
+ "3uf2",
+ "5plw",
+ "2qom",
+ "4pvq",
+ "6z91",
+ "3bik",
+ "2w67",
+ "5uln",
+ "2zyo",
+ "4qp4",
+ "7r8q",
+ "6gga",
+ "3ast",
+ "1mtn",
+ "6cvl",
+ "3kda",
+ "1ra3",
+ "5flt",
+ "1mpc",
+ "3l3i",
+ "7eyr",
+ "7t5k",
+ "7yam",
+ "2lg4",
+ "1xfa",
+ "4ynt",
+ "7wso",
+ "5w2l",
+ "7q0c",
+ "6m8n",
+ "7c6g",
+ "1jfc",
+ "5qf5",
+ "3udi",
+ "3qp6",
+ "1x84",
+ "4ms4",
+ "4b4p",
+ "1cu1",
+ "3ll2",
+ "2bfe",
+ "4lmv",
+ "5qcy",
+ "4n8k",
+ "4bas",
+ "3dwm",
+ "1uvx",
+ "6o3s",
+ "4bl3",
+ "5otu",
+ "4qw4",
+ "2rac",
+ "7knw",
+ "8aq7",
+ "6pq5",
+ "4h93",
+ "2v9e",
+ "7ab7",
+ "5pdp",
+ "3vlz",
+ "5rsi",
+ "4alj",
+ "2zod",
+ "8d6a",
+ "7jmy",
+ "4wib",
+ "6foh",
+ "2ojj",
+ "4njs",
+ "4o4z",
+ "1l97",
+ "1j4b",
+ "4pkr",
+ "2nmt",
+ "2ihx",
+ "3cyu",
+ "1jqh",
+ "4nhl",
+ "3ks3",
+ "7w55",
+ "7ae6",
+ "3qny",
+ "2i4b",
+ "3a2g",
+ "6qeo",
+ "2f54",
+ "7a6i",
+ "4ycr",
+ "1jbl",
+ "3io9",
+ "6wh0",
+ "5j14",
+ "4dgc",
+ "4kc7",
+ "1z0d",
+ "3a6q",
+ "2r55",
+ "2vxe",
+ "4whz",
+ "6ugo",
+ "6yos",
+ "7ehe",
+ "1xgn",
+ "6t0n",
+ "6txo",
+ "7ex1",
+ "3zwn",
+ "7r8a",
+ "5vwl",
+ "1xrk",
+ "6lcx",
+ "4fd4",
+ "6ffl",
+ "6ub5",
+ "3vcd",
+ "5n5a",
+ "1p2p",
+ "3d2f",
+ "5hmm",
+ "7l0d",
+ "5ky0",
+ "7mfu",
+ "2iwq",
+ "3qw2",
+ "1qbr",
+ "2j8b",
+ "2rj5",
+ "5pte",
+ "7ae2",
+ "2e2d",
+ "2iam",
+ "8cer",
+ "2wpr",
+ "3wzj",
+ "2mwl",
+ "2m01",
+ "1obq",
+ "1jbg",
+ "1lni",
+ "6k4k",
+ "3g4h",
+ "6re8",
+ "4lvh",
+ "6o9n",
+ "1o83",
+ "3c50",
+ "7z0t",
+ "5k2c",
+ "6d7k",
+ "1wl7",
+ "2vvr",
+ "6v4s",
+ "3wcz",
+ "4x47",
+ "1yo4",
+ "5wze",
+ "3m7k",
+ "1ox3",
+ "4zew",
+ "2vxh",
+ "6n8x",
+ "1kvs",
+ "7uoh",
+ "2bxo",
+ "5k65",
+ "4bdx",
+ "7mel",
+ "6ztx",
+ "2qds",
+ "3v90",
+ "5krq",
+ "3koo",
+ "6hgz",
+ "1eej",
+ "1uy8",
+ "6ulh",
+ "3zfn",
+ "5pri",
+ "4etw",
+ "5frv",
+ "4mxf",
+ "4xqj",
+ "2r56",
+ "4msn",
+ "2be9",
+ "5eyd",
+ "1a0u",
+ "5c9p",
+ "1a9e",
+ "2qxj",
+ "5hk2",
+ "4tpk",
+ "1rhp",
+ "3p50",
+ "7e90",
+ "6d2o",
+ "1u2d",
+ "3wmr",
+ "7x2i",
+ "3h8f",
+ "3q1c",
+ "6pj4",
+ "2fui",
+ "4h6i",
+ "7t4o",
+ "7vwd",
+ "5r2u",
+ "1kgy",
+ "8e83",
+ "4e7h",
+ "6u25",
+ "1je4",
+ "1sta",
+ "2rqe",
+ "6tzd",
+ "6f15",
+ "4b9t",
+ "2azj",
+ "4i0a",
+ "6fhg",
+ "3cuk",
+ "6sdj",
+ "3pxt",
+ "6es0",
+ "5pxz",
+ "6ozq",
+ "5ueh",
+ "5ovk",
+ "3bsc",
+ "6an3",
+ "3d1h",
+ "2c4u",
+ "1jtk",
+ "2ipb",
+ "1v6k",
+ "3tub",
+ "6ry3",
+ "5pvp",
+ "4kzu",
+ "3a2z",
+ "4mzk",
+ "2jmh",
+ "5u04",
+ "6luw",
+ "1rot",
+ "2cmn",
+ "1kjf",
+ "2wc2",
+ "6hw6",
+ "3mj6",
+ "5r0a",
+ "3ufv",
+ "1qke",
+ "6u7a",
+ "3q13",
+ "5hx4",
+ "2p45",
+ "8ar2",
+ "5oa2",
+ "5l4m",
+ "3mwn",
+ "6hoq",
+ "2jg8",
+ "1fq3",
+ "4og5",
+ "5jyl",
+ "3f8i",
+ "2y6x",
+ "2h9p",
+ "7s8x",
+ "3tpu",
+ "2gqx",
+ "2zi6",
+ "6a17",
+ "7yxc",
+ "5mdf",
+ "7ojr",
+ "1v3a",
+ "5v50",
+ "6hzr",
+ "4ak4",
+ "6tvx",
+ "3a61",
+ "4eo8",
+ "5rdb",
+ "6kyi",
+ "1i08",
+ "1dqe",
+ "3ovx",
+ "1lc8",
+ "5lad",
+ "6okc",
+ "3zw8",
+ "1vg7",
+ "6au6",
+ "1aj6",
+ "7nha",
+ "3qgw",
+ "7usz",
+ "6ela",
+ "6hy3",
+ "3mt6",
+ "6fky",
+ "7t8d",
+ "7l22",
+ "3mvl",
+ "7btw",
+ "7c3f",
+ "3sb0",
+ "1qe5",
+ "5reg",
+ "5u4g",
+ "1o48",
+ "1n78",
+ "3fzo",
+ "7d7u",
+ "3rev",
+ "3zks",
+ "3pj6",
+ "4zo9",
+ "3i4y",
+ "7f3s",
+ "7rxn",
+ "7ea0",
+ "6icd",
+ "1xt3",
+ "1g3f",
+ "6dna",
+ "2fz8",
+ "4r0t",
+ "2ahs",
+ "6m92",
+ "4q6d",
+ "1amq",
+ "2b9i",
+ "6k2g",
+ "5m66",
+ "7nvr",
+ "6yo6",
+ "5avo",
+ "1shg",
+ "2aa5",
+ "1lb9",
+ "5edb",
+ "1a9y",
+ "6lmu",
+ "5vc7",
+ "7ne2",
+ "1h85",
+ "7en0",
+ "3c9n",
+ "5haz",
+ "2vw0",
+ "3v0v",
+ "2xdl",
+ "1zq5",
+ "1wxo",
+ "2w9b",
+ "6qk0",
+ "3hvr",
+ "3sbd",
+ "7w7c",
+ "1w80",
+ "3gvv",
+ "6kfc",
+ "2k78",
+ "1ac6",
+ "1hx1",
+ "2k8i",
+ "6taa",
+ "4ajj",
+ "5vcw",
+ "1jdr",
+ "5mgn",
+ "6u5j",
+ "5pl5",
+ "1git",
+ "5k4x",
+ "1iuu",
+ "6cvw",
+ "2izk",
+ "2lcp",
+ "3u23",
+ "6u2a",
+ "3n4y",
+ "6npm",
+ "1sae",
+ "7rx9",
+ "2jof",
+ "3jri",
+ "4dpf",
+ "5tiy",
+ "6n5x",
+ "1qhf",
+ "6zal",
+ "2qeo",
+ "5w3s",
+ "4npi",
+ "6ftp",
+ "6p5b",
+ "5vxi",
+ "4bcd",
+ "1oqb",
+ "2por",
+ "1n6l",
+ "7bc7",
+ "5p6l",
+ "6qjh",
+ "7euk",
+ "3jvw",
+ "7dwu",
+ "2oln",
+ "1ixn",
+ "4s1i",
+ "6x1e",
+ "5d86",
+ "7qrf",
+ "5h52",
+ "5e7h",
+ "4ggc",
+ "3w1w",
+ "4ywk",
+ "4g4j",
+ "2xfc",
+ "7y9b",
+ "5loy",
+ "2ouv",
+ "4rmp",
+ "6cre",
+ "5qde",
+ "3qda",
+ "2zps",
+ "6i76",
+ "6o7s",
+ "1i4s",
+ "5y4m",
+ "4drr",
+ "7fjx",
+ "7s53",
+ "6gxd",
+ "2hv5",
+ "2h96",
+ "6alm",
+ "8c9t",
+ "2q62",
+ "4q8h",
+ "3pl9",
+ "7sba",
+ "1dms",
+ "5f2p",
+ "2f93",
+ "4egc",
+ "5xie",
+ "1ar1",
+ "2r1a",
+ "6z2i",
+ "7ncl",
+ "6z5t",
+ "6gm2",
+ "1u90",
+ "6lb8",
+ "6q50",
+ "7ykb",
+ "8ayv",
+ "4aw7",
+ "7c3l",
+ "5ota",
+ "1ahx",
+ "6ioa",
+ "7fo3",
+ "1taw",
+ "6up8",
+ "6qls",
+ "5do6",
+ "4b6h",
+ "6tmv",
+ "1buc",
+ "6r4i",
+ "2x50",
+ "3dsv",
+ "3vzx",
+ "4ed6",
+ "4fdx",
+ "7cqw",
+ "5efi",
+ "6upe",
+ "3f5m",
+ "2fo7",
+ "4jwl",
+ "5t96",
+ "3okw",
+ "1h3b",
+ "7ls6",
+ "3i81",
+ "5lq7",
+ "5fbi",
+ "1e87",
+ "6n60",
+ "6fv4",
+ "4h2w",
+ "7k1m",
+ "6fp0",
+ "4ida",
+ "6p1b",
+ "5jbi",
+ "6a7e",
+ "7s25",
+ "5f4l",
+ "7so2",
+ "7lnb",
+ "5sr9",
+ "1w0f",
+ "5jtn",
+ "2nmx",
+ "2yx7",
+ "4ufs",
+ "4oiy",
+ "2vi6",
+ "6jie",
+ "6otf",
+ "4gb1",
+ "3fuh",
+ "1rpr",
+ "4u9d",
+ "4b99",
+ "5zlp",
+ "6fcz",
+ "5n90",
+ "2fl5",
+ "5c36",
+ "4y8p",
+ "5fxe",
+ "1yzu",
+ "3ply",
+ "3wdk",
+ "3hvf",
+ "3cdw",
+ "2v3c",
+ "1gax",
+ "6e9z",
+ "7kk7",
+ "5dbm",
+ "2q35",
+ "2he7",
+ "3zxy",
+ "3gqm",
+ "5yik",
+ "1wwr",
+ "3c7m",
+ "5wun",
+ "2f3f",
+ "5dbt",
+ "4mof",
+ "7rw0",
+ "221l",
+ "6ytg",
+ "4zrj",
+ "3e7w",
+ "3zkw",
+ "7tse",
+ "5uw7",
+ "4esg",
+ "7tpw",
+ "3nqm",
+ "7vjj",
+ "3c9i",
+ "6a2n",
+ "5ocw",
+ "5xil",
+ "6pli",
+ "3ta1",
+ "2ft6",
+ "6k11",
+ "8gvg",
+ "3mc9",
+ "1ltg",
+ "6vza",
+ "5m6m",
+ "2wij",
+ "2xp9",
+ "4wzr",
+ "3ofs",
+ "1dci",
+ "4c6b",
+ "4g0l",
+ "6oqr",
+ "4eo5",
+ "5oyg",
+ "6enx",
+ "7e3c",
+ "1zib",
+ "5bpj",
+ "3wh5",
+ "2ox0",
+ "7aui",
+ "7b3q",
+ "5zd0",
+ "3mos",
+ "4rlz",
+ "6eic",
+ "7eym",
+ "7ts9",
+ "2zbs",
+ "3zby",
+ "5pw8",
+ "1eq1",
+ "7byk",
+ "4y82",
+ "2kuf",
+ "8hix",
+ "2rgw",
+ "3b9j",
+ "6g7b",
+ "6kwr",
+ "8hcz",
+ "1d2z",
+ "1li9",
+ "3cm5",
+ "4za9",
+ "6j2h",
+ "6ffc",
+ "2rfo",
+ "3s39",
+ "1zei",
+ "4k5c",
+ "1onb",
+ "7l9w",
+ "2mll",
+ "2fe9",
+ "6ocg",
+ "5kus",
+ "3ti0",
+ "2d5x",
+ "2k1i",
+ "6kot",
+ "5ejv",
+ "1adq",
+ "6rgd",
+ "3va1",
+ "1itw",
+ "2nlq",
+ "5cj6",
+ "1dex",
+ "1zwl",
+ "1n41",
+ "3qva",
+ "6amb",
+ "7ql4",
+ "4n6h",
+ "6uqr",
+ "4oqi",
+ "7ra3",
+ "1ifg",
+ "1lj3",
+ "4nwp",
+ "6q2w",
+ "6slm",
+ "2kxh",
+ "5s20",
+ "7spy",
+ "2jm9",
+ "3bef",
+ "6s0q",
+ "3ef9",
+ "7f9c",
+ "2p40",
+ "2uuf",
+ "1z6s",
+ "3sop",
+ "2rb9",
+ "4iob",
+ "1sv3",
+ "3gvq",
+ "3fhg",
+ "5y8f",
+ "7ao5",
+ "6av0",
+ "5v9t",
+ "2r52",
+ "7y4t",
+ "1qlx",
+ "1obx",
+ "1z75",
+ "2e9c",
+ "4w9o",
+ "7rxt",
+ "7m5m",
+ "5x60",
+ "7b9z",
+ "5swj",
+ "2c6u",
+ "5p6x",
+ "3rrp",
+ "2kys",
+ "2yml",
+ "3csh",
+ "3oec",
+ "2wqf",
+ "2zw5",
+ "6yld",
+ "6hv9",
+ "7p1i",
+ "3iia",
+ "1ngk",
+ "7uh9",
+ "3mnb",
+ "2foo",
+ "3fgc",
+ "6jyc",
+ "3qp9",
+ "6pe9",
+ "8f5n",
+ "6ry5",
+ "4jvg",
+ "5nn4",
+ "7rr0",
+ "3oa0",
+ "3vjn",
+ "2uwl",
+ "4kmw",
+ "1d04",
+ "1b6z",
+ "4xb3",
+ "1wne",
+ "5pui",
+ "5mis",
+ "4onn",
+ "1f73",
+ "5fuf",
+ "6qg2",
+ "4p6d",
+ "1tzi",
+ "4l57",
+ "3vzv",
+ "1tlw",
+ "6joy",
+ "6rny",
+ "1c0b",
+ "7niy",
+ "6yxi",
+ "4o7b",
+ "3ngr",
+ "4wzq",
+ "1d3v",
+ "7cbv",
+ "6y90",
+ "2xma",
+ "3zfd",
+ "7erj",
+ "6jzz",
+ "1kl4",
+ "7p91",
+ "2rms",
+ "3gea",
+ "4arm",
+ "2lnk",
+ "4ahl",
+ "5kug",
+ "4cd3",
+ "4fz4",
+ "7yyk",
+ "7fb7",
+ "7orf",
+ "5vd2",
+ "3ltn",
+ "1cb8",
+ "7vii",
+ "2c8n",
+ "2m6b",
+ "7tea",
+ "6n6e",
+ "6j3b",
+ "3ext",
+ "4pt1",
+ "4xhh",
+ "7nh4",
+ "6k9w",
+ "2j0t",
+ "4yuw",
+ "2ion",
+ "5o38",
+ "4e8a",
+ "5bnl",
+ "5p37",
+ "4uy3",
+ "3isb",
+ "4q4o",
+ "5iwo",
+ "1x2t",
+ "5xo1",
+ "6tpm",
+ "2vsm",
+ "2odg",
+ "6kb8",
+ "4nbg",
+ "4aps",
+ "3iqo",
+ "1c4r",
+ "5p6s",
+ "3i77",
+ "2hoc",
+ "6qay",
+ "6ueo",
+ "7xmt",
+ "3urr",
+ "1c53",
+ "6ita",
+ "5jwr",
+ "3npe",
+ "5ic5",
+ "3w9f",
+ "4kml",
+ "2cei",
+ "4r9b",
+ "1tn3",
+ "4dqq",
+ "5ih1",
+ "5od4",
+ "4qbi",
+ "7mza",
+ "6c05",
+ "5kw7",
+ "2bgm",
+ "2kpu",
+ "8grb",
+ "1pvy",
+ "6t7b",
+ "6b83",
+ "7m1e",
+ "4emv",
+ "5ylt",
+ "4oft",
+ "6a4n",
+ "1ieq",
+ "4dob",
+ "6nvb",
+ "2dh5",
+ "5iwe",
+ "3eft",
+ "2vjq",
+ "6equ",
+ "7ukj",
+ "6sc8",
+ "2btr",
+ "3k23",
+ "5ipz",
+ "4h0o",
+ "3bzx",
+ "1bbl",
+ "3jzr",
+ "5f0k",
+ "1pdo",
+ "7t50",
+ "5q1a",
+ "7z17",
+ "7yj7",
+ "6pkj",
+ "4ot0",
+ "1mh3",
+ "4qex",
+ "4ew2",
+ "2xxu",
+ "2x42",
+ "2ffr",
+ "1epg",
+ "4xup",
+ "7dg9",
+ "3gjn",
+ "2etk",
+ "6h25",
+ "5hzq",
+ "7kuv",
+ "1np0",
+ "7p08",
+ "2pzx",
+ "4yce",
+ "4uel",
+ "4bq5",
+ "1k7c",
+ "6jjj",
+ "3nst",
+ "6spo",
+ "3adi",
+ "4jit",
+ "6cpi",
+ "3toi",
+ "5hlz",
+ "5bwa",
+ "4mqx",
+ "2z8y",
+ "7ts6",
+ "2vbs",
+ "5fp7",
+ "7mfw",
+ "5mav",
+ "2xn0",
+ "7owi",
+ "4bad",
+ "1bqz",
+ "7owe",
+ "3i49",
+ "2lbd",
+ "7w26",
+ "5a8y",
+ "4n7q",
+ "3o4h",
+ "4c07",
+ "2ouh",
+ "3nwt",
+ "1ojt",
+ "2pmw",
+ "6p52",
+ "1w3u",
+ "4wtv",
+ "2aep",
+ "6md0",
+ "5rp3",
+ "5ieo",
+ "6uwc",
+ "4d9s",
+ "4tvg",
+ "6f9o",
+ "3kwe",
+ "5qef",
+ "6x3y",
+ "7p6s",
+ "1m13",
+ "6kry",
+ "7pfp",
+ "4dpu",
+ "2lpk",
+ "7p76",
+ "5hwu",
+ "5r1u",
+ "3g7w",
+ "4dka",
+ "3pml",
+ "1dji",
+ "2x19",
+ "1pdu",
+ "7v28",
+ "3hgf",
+ "7l3d",
+ "6yyb",
+ "3pwf",
+ "2kjx",
+ "5uaj",
+ "5i4n",
+ "2aas",
+ "2gj5",
+ "1no6",
+ "3pf2",
+ "3lt3",
+ "7obz",
+ "3mpj",
+ "1s6a",
+ "6jrx",
+ "5cns",
+ "1xdq",
+ "5jan",
+ "3vnw",
+ "7kz7",
+ "2qlj",
+ "4lhl",
+ "7ofx",
+ "3cry",
+ "2jzq",
+ "7w6q",
+ "7rd4",
+ "3gw8",
+ "2vbo",
+ "4znc",
+ "3uhs",
+ "4h9c",
+ "1c0c",
+ "3dms",
+ "1pxt",
+ "1al8",
+ "1haj",
+ "1ol1",
+ "1h7b",
+ "3pe9",
+ "1fvu",
+ "8bht",
+ "7rpb",
+ "5nf3",
+ "7xcz",
+ "5fbm",
+ "6s5k",
+ "4ulx",
+ "1rwa",
+ "1k98",
+ "3mpz",
+ "5zye",
+ "2c3b",
+ "2w23",
+ "6csp",
+ "5n7i",
+ "2ogv",
+ "2y5i",
+ "3eb3",
+ "6kz3",
+ "6dai",
+ "2reu",
+ "3t88",
+ "6z20",
+ "2a5b",
+ "1pse",
+ "2jgw",
+ "7ujo",
+ "3rsk",
+ "4q0d",
+ "4bea",
+ "1kot",
+ "4tvf",
+ "7s2y",
+ "1y04",
+ "2f5f",
+ "6niw",
+ "2f6g",
+ "5cnd",
+ "1p1h",
+ "5zu6",
+ "1s9g",
+ "6v2p",
+ "1x8e",
+ "5i8p",
+ "2rl7",
+ "5pnw",
+ "4uym",
+ "2ggd",
+ "4dpm",
+ "7n5a",
+ "7vhd",
+ "7ndz",
+ "4p58",
+ "6jzt",
+ "1s5g",
+ "6p6k",
+ "3kgq",
+ "5nt4",
+ "5wjd",
+ "1wc7",
+ "6mtp",
+ "4hqr",
+ "2awx",
+ "1mbx",
+ "4fa1",
+ "4l8g",
+ "3sqx",
+ "2mgd",
+ "6egz",
+ "5tjg",
+ "6hdo",
+ "7rku",
+ "6bnw",
+ "5b4f",
+ "6oyz",
+ "4mzs",
+ "1x77",
+ "4hpp",
+ "4bvg",
+ "6qm5",
+ "2mxa",
+ "4e8y",
+ "5p0m",
+ "5a0d",
+ "7sg3",
+ "4l9n",
+ "1us7",
+ "6h82",
+ "6snj",
+ "4fx0",
+ "7v5g",
+ "7lye",
+ "6vw4",
+ "4cku",
+ "6qce",
+ "2yo3",
+ "1yts",
+ "7bjm",
+ "6gvb",
+ "3ecy",
+ "5zai",
+ "2zt3",
+ "5zon",
+ "3vhd",
+ "1i43",
+ "2z2l",
+ "3lj8",
+ "7x4y",
+ "6yxg",
+ "5l5y",
+ "6jy6",
+ "4i9w",
+ "4db8",
+ "6bkr",
+ "4yn0",
+ "4p7s",
+ "3im6",
+ "6r2a",
+ "1wxc",
+ "6lu9",
+ "5dbj",
+ "7n8s",
+ "1ayd",
+ "2lkh",
+ "5k5s",
+ "4are",
+ "2vfs",
+ "5jip",
+ "4ueq",
+ "8a1c",
+ "7btg",
+ "5ql2",
+ "7rw8",
+ "5pgj",
+ "7o72",
+ "4o26",
+ "6via",
+ "2wes",
+ "4dg7",
+ "6k1e",
+ "6ycg",
+ "5r99",
+ "1mut",
+ "7cb5",
+ "7zha",
+ "7nf3",
+ "1jmu",
+ "4jxh",
+ "3poz",
+ "7osv",
+ "7xhj",
+ "7oci",
+ "4l2b",
+ "2d9d",
+ "6q69",
+ "4zqx",
+ "4fg9",
+ "2jcc",
+ "4fy0",
+ "7djj",
+ "6v17",
+ "6wh1",
+ "5kw0",
+ "5a2a",
+ "3uxo",
+ "5un5",
+ "5zn4",
+ "5ex8",
+ "4q6z",
+ "3nka",
+ "1gp3",
+ "6t6h",
+ "4x8y",
+ "4e0g",
+ "2aje",
+ "1xg4",
+ "8dl3",
+ "6vdq",
+ "5kjm",
+ "6hsp",
+ "2rf1",
+ "4l64",
+ "4y2w",
+ "7uiy",
+ "3abt",
+ "1cvu",
+ "2vq4",
+ "2mzu",
+ "6mwr",
+ "5uas",
+ "1sid",
+ "3e26",
+ "6n7t",
+ "3g6d",
+ "3qej",
+ "1ga4",
+ "7c7l",
+ "6edb",
+ "5cmi",
+ "1jxx",
+ "2yj7",
+ "5e7x",
+ "1k5j",
+ "7rlt",
+ "7dgi",
+ "4u4x",
+ "4bay",
+ "1f39",
+ "3h57",
+ "1rqv",
+ "3mvt",
+ "7c8f",
+ "6g09",
+ "5pd3",
+ "5op6",
+ "2tsb",
+ "5d80",
+ "3ua6",
+ "4hma",
+ "5d22",
+ "5c0s",
+ "2cbr",
+ "5i33",
+ "5i2y",
+ "6woq",
+ "1mlu",
+ "4bly",
+ "6vyd",
+ "6z8z",
+ "7zp2",
+ "1vfd",
+ "6rob",
+ "3vmp",
+ "6ugu",
+ "5vgt",
+ "4ny8",
+ "4wu4",
+ "5t3h",
+ "7jtl",
+ "5ou0",
+ "5jgp",
+ "6p65",
+ "2dn1",
+ "1pgg",
+ "4c5z",
+ "4yes",
+ "7akm",
+ "2xyr",
+ "7eez",
+ "1rq7",
+ "6l4s",
+ "6nsw",
+ "5cp2",
+ "2l0r",
+ "5fxf",
+ "4kb7",
+ "7rjb",
+ "2btn",
+ "5dl7",
+ "2wq3",
+ "3fmz",
+ "4ltc",
+ "6u97",
+ "4udc",
+ "4fnh",
+ "6vs7",
+ "5xt4",
+ "1ygo",
+ "1kzo",
+ "3oer",
+ "5d46",
+ "4cx9",
+ "3qui",
+ "2du7",
+ "4dq8",
+ "1ywc",
+ "1qzt",
+ "5ddy",
+ "6dt4",
+ "2ztd",
+ "4ef5",
+ "5lp6",
+ "1ib2",
+ "3ik5",
+ "1nvb",
+ "4br4",
+ "2v1a",
+ "6gvm",
+ "7kk2",
+ "5wkr",
+ "4d3i",
+ "1nq6",
+ "7cr2",
+ "3uey",
+ "3h60",
+ "3vto",
+ "5zk4",
+ "5dac",
+ "3aje",
+ "5ohy",
+ "6ly8",
+ "4wgi",
+ "1suj",
+ "1a69",
+ "6n19",
+ "2jca",
+ "4mo8",
+ "4o69",
+ "7kkj",
+ "2qin",
+ "6ptq",
+ "6tpu",
+ "5y4g",
+ "3bc5",
+ "1xmt",
+ "6vet",
+ "1g2o",
+ "3fud",
+ "5u7g",
+ "4aae",
+ "1csg",
+ "1byh",
+ "1qjv",
+ "5lnm",
+ "1dd8",
+ "1s8d",
+ "8gft",
+ "2lnj",
+ "2a4x",
+ "5t5f",
+ "6kzv",
+ "5w7i",
+ "8bok",
+ "5tvd",
+ "2bcm",
+ "4krl",
+ "4fbm",
+ "4cjc",
+ "5xq1",
+ "5hav",
+ "6by8",
+ "3zec",
+ "8a9s",
+ "2az9",
+ "5yg3",
+ "3enu",
+ "4koq",
+ "4oyy",
+ "1h91",
+ "1eiw",
+ "1x8n",
+ "1jju",
+ "4ak0",
+ "3t1g",
+ "1jro",
+ "8ayb",
+ "6tgu",
+ "3dsh",
+ "7etx",
+ "7e1t",
+ "1uek",
+ "7ryx",
+ "1gxe",
+ "7qku",
+ "6duj",
+ "7mub",
+ "7uc7",
+ "2z1i",
+ "3o5d",
+ "7zht",
+ "1sx4",
+ "1e7j",
+ "6iv9",
+ "6ahq",
+ "7dmk",
+ "7d5l",
+ "5owm",
+ "7kew",
+ "6jd7",
+ "1l70",
+ "2br0",
+ "1u3c",
+ "7cgs",
+ "7bci",
+ "3okd",
+ "7jsj",
+ "6x44",
+ "5j9v",
+ "3vvs",
+ "4xzv",
+ "5c4w",
+ "1b3k",
+ "3vfs",
+ "6qm9",
+ "3i3l",
+ "6hol",
+ "1zhi",
+ "1om2",
+ "7aj0",
+ "6o7h",
+ "2yvc",
+ "5vsu",
+ "6fjl",
+ "4hi4",
+ "4lse",
+ "8ckw",
+ "4g69",
+ "3fbp",
+ "2ypc",
+ "3jsg",
+ "1owm",
+ "7skt",
+ "5a9p",
+ "2v2c",
+ "7q07",
+ "3og7",
+ "7kw2",
+ "5psd",
+ "2y5w",
+ "2byk",
+ "5toh",
+ "3j0c",
+ "7akw",
+ "7tc5",
+ "3ro1",
+ "4ek0",
+ "4eht",
+ "4w58",
+ "3h3w",
+ "1fq6",
+ "4ql3",
+ "2wt7",
+ "1pyt",
+ "1vh0",
+ "1b5v",
+ "1sap",
+ "6d6d",
+ "2zd8",
+ "6tlr",
+ "2khs",
+ "6ija",
+ "4pa8",
+ "2x8d",
+ "2k7k",
+ "6r0z",
+ "5zf7",
+ "2d8b",
+ "4ldd",
+ "7n8r",
+ "4bdm",
+ "5j4v",
+ "2rqz",
+ "3fyd",
+ "3swp",
+ "7kot",
+ "4e6s",
+ "7l2j",
+ "1n7s",
+ "6ggm",
+ "4ojg",
+ "3rsm",
+ "2cdx",
+ "3wtz",
+ "5jci",
+ "3fs1",
+ "7teb",
+ "5y02",
+ "2cyc",
+ "6o2o",
+ "6qc0",
+ "3qb8",
+ "5uq6",
+ "2xjk",
+ "4ipf",
+ "6x1b",
+ "8gyj",
+ "4mrt",
+ "7cef",
+ "4lwf",
+ "2onm",
+ "5o7a",
+ "2mp0",
+ "3m74",
+ "6uiw",
+ "3txg",
+ "4d1u",
+ "6riu",
+ "1qoi",
+ "6sr2",
+ "4xlg",
+ "4zw7",
+ "2j8w",
+ "1gki",
+ "2plq",
+ "6njf",
+ "8g6o",
+ "5m1s",
+ "5pp7",
+ "4fvm",
+ "7f8y",
+ "4o4i",
+ "7jt0",
+ "7i1b",
+ "4ixn",
+ "2i9l",
+ "5vvo",
+ "5gkm",
+ "4qef",
+ "7ryb",
+ "6x5s",
+ "5fc5",
+ "2na4",
+ "2r65",
+ "2v4o",
+ "5ala",
+ "1ju6",
+ "3agw",
+ "1idf",
+ "3k88",
+ "2jht",
+ "1rwx",
+ "4ryo",
+ "5xdc",
+ "1qc7",
+ "4ccd",
+ "2d38",
+ "6uz1",
+ "4g0y",
+ "6n3f",
+ "5erd",
+ "1k5c",
+ "1aui",
+ "7lhr",
+ "4iih",
+ "6w57",
+ "6jjx",
+ "3g9r",
+ "7ypo",
+ "6idl",
+ "6spv",
+ "4m8q",
+ "5ouq",
+ "7d9k",
+ "2d0s",
+ "6sz0",
+ "4l27",
+ "7sk8",
+ "1io0",
+ "1hii",
+ "5ipp",
+ "2zu5",
+ "5s5k",
+ "4r9y",
+ "3hnx",
+ "4zkv",
+ "6evr",
+ "6jv4",
+ "2rak",
+ "3qca",
+ "6bn6",
+ "4a1z",
+ "1kkj",
+ "3ny6",
+ "5kiv",
+ "2x4h",
+ "4ush",
+ "7rp0",
+ "7sp5",
+ "4k49",
+ "2lmk",
+ "4nv8",
+ "1myp",
+ "1zes",
+ "6gcn",
+ "7njl",
+ "5mpz",
+ "5ljl",
+ "2gom",
+ "5xsb",
+ "6cq6",
+ "3pjd",
+ "5csa",
+ "3u4r",
+ "6i41",
+ "2yjz",
+ "2p5k",
+ "4z45",
+ "3qxc",
+ "7ucg",
+ "1njt",
+ "1j2q",
+ "5smj",
+ "4gug",
+ "2lxn",
+ "2jq8",
+ "5ah5",
+ "6o1g",
+ "7kht",
+ "7azg",
+ "6m9c",
+ "1qr9",
+ "4q3j",
+ "2wpg",
+ "3v8r",
+ "4ejd",
+ "1j1y",
+ "3g3g",
+ "3r5m",
+ "4mlk",
+ "3aql",
+ "4l7r",
+ "2dsk",
+ "5d2b",
+ "1f86",
+ "7p6h",
+ "2y8h",
+ "2k07",
+ "6tlp",
+ "6uut",
+ "6adg",
+ "3qr1",
+ "2ktf",
+ "7nfy",
+ "3tcg",
+ "5xiv",
+ "6hdu",
+ "1ja6",
+ "7qtj",
+ "7nb7",
+ "5sz9",
+ "3vkj",
+ "2xzi",
+ "6mkr",
+ "2f6e",
+ "2d4h",
+ "7mhm",
+ "7f8b",
+ "1ajx",
+ "5j5z",
+ "2ppf",
+ "2pk3",
+ "4fes",
+ "2hal",
+ "3d1v",
+ "5rvk",
+ "7ecw",
+ "7r3h",
+ "6ayc",
+ "2ij7",
+ "3b7a",
+ "7fg8",
+ "1n2n",
+ "5sws",
+ "3ixh",
+ "7nz7",
+ "7kkr",
+ "5il9",
+ "5tka",
+ "1u3y",
+ "4o42",
+ "4z7y",
+ "7v1x",
+ "4x1j",
+ "1fhf",
+ "1cxz",
+ "5dc2",
+ "2ycq",
+ "2rfa",
+ "3i9n",
+ "7tn8",
+ "6kqn",
+ "4ni2",
+ "1cdi",
+ "6lhc",
+ "7p3t",
+ "2avq",
+ "6ddr",
+ "4la6",
+ "1gzs",
+ "5k11",
+ "1gtm",
+ "1oux",
+ "5up0",
+ "3uq4",
+ "4dge",
+ "5ajt",
+ "3eh0",
+ "4iy8",
+ "4b5z",
+ "6zfe",
+ "4u7o",
+ "207l",
+ "5fmf",
+ "2bhk",
+ "1mzj",
+ "6znu",
+ "3bzu",
+ "3ni2",
+ "2fwa",
+ "3hjw",
+ "2g0u",
+ "5fwk",
+ "4zw8",
+ "4ren",
+ "1bb9",
+ "3rqa",
+ "7u7a",
+ "3aj2",
+ "1jl3",
+ "2qdt",
+ "4g1q",
+ "6e8n",
+ "6ggc",
+ "2byg",
+ "3c4x",
+ "7say",
+ "1way",
+ "2in0",
+ "1bd6",
+ "4f02",
+ "1u2s",
+ "2xfs",
+ "4jx1",
+ "6pvs",
+ "7s8r",
+ "3myu",
+ "4qo8",
+ "3vsh",
+ "1hae",
+ "4o0b",
+ "3k36",
+ "7avu",
+ "1h1h",
+ "4lhy",
+ "8dck",
+ "1z8g",
+ "4pnr",
+ "2lms",
+ "1a9r",
+ "1uh9",
+ "5kaj",
+ "6h3m",
+ "5qog",
+ "1u0m",
+ "8bqq",
+ "5a7i",
+ "4pct",
+ "4ztx",
+ "8ohm",
+ "2qx7",
+ "3a1u",
+ "7o8n",
+ "3mck",
+ "2bf3",
+ "7ned",
+ "1akt",
+ "5o5c",
+ "1fi7",
+ "5g6o",
+ "5ph6",
+ "4v3l",
+ "7mk4",
+ "1hpw",
+ "4yr3",
+ "5h1e",
+ "5ptz",
+ "5c30",
+ "4u5b",
+ "7mkk",
+ "5kvp",
+ "6py5",
+ "7wu5",
+ "5b7g",
+ "3aie",
+ "1hdb",
+ "5ncr",
+ "3thy",
+ "1koo",
+ "3qcf",
+ "1x97",
+ "1c68",
+ "7l63",
+ "1lyy",
+ "5awd",
+ "5pbe",
+ "6rzo",
+ "4wwc",
+ "1cah",
+ "2jnu",
+ "3cqn",
+ "2e2o",
+ "3tjq",
+ "6c24",
+ "5qkm",
+ "6edl",
+ "3n3i",
+ "2c7d",
+ "2fsi",
+ "3fn3",
+ "5h7q",
+ "6zmm",
+ "6bq3",
+ "6py9",
+ "6asa",
+ "2fcf",
+ "5hzf",
+ "1p6d",
+ "3np3",
+ "2ace",
+ "2fm9",
+ "6a8i",
+ "1ovt",
+ "5k2e",
+ "6ve4",
+ "4ey2",
+ "4z1f",
+ "5y8j",
+ "5jaw",
+ "6fs5",
+ "1zt4",
+ "1oc8",
+ "5d75",
+ "4b84",
+ "3hrh",
+ "5p41",
+ "7ric",
+ "5oet",
+ "5wa7",
+ "4ymd",
+ "4r2g",
+ "4onh",
+ "2x97",
+ "6li0",
+ "1mv0",
+ "6czm",
+ "6r3m",
+ "7pi7",
+ "5kzo",
+ "4i26",
+ "7zoa",
+ "4imi",
+ "1zkx",
+ "4xga",
+ "5coq",
+ "6lab",
+ "1w41",
+ "8cka",
+ "4bq6",
+ "1mi8",
+ "6u09",
+ "7q4p",
+ "1eau",
+ "5i76",
+ "4nao",
+ "4p48",
+ "4p5e",
+ "7cuf",
+ "1ak6",
+ "5yql",
+ "5eol",
+ "3o61",
+ "4ctt",
+ "1bvk",
+ "3d2a",
+ "4mpd",
+ "1gw8",
+ "3tuc",
+ "5m4g",
+ "6f6h",
+ "6v8u",
+ "5pu6",
+ "4tnx",
+ "7tln",
+ "1c8a",
+ "8djy",
+ "6big",
+ "3dru",
+ "1iyr",
+ "6u3n",
+ "6g0p",
+ "3w9z",
+ "3eb9",
+ "5saq",
+ "3vl9",
+ "6fm9",
+ "6a4t",
+ "6wx8",
+ "1g24",
+ "5yg4",
+ "7wdc",
+ "2wjh",
+ "5hvy",
+ "1n8p",
+ "1hzp",
+ "2ynx",
+ "2i2w",
+ "6ohx",
+ "1rlu",
+ "5su4",
+ "6doi",
+ "4k6h",
+ "2kky",
+ "8ca2",
+ "3ixo",
+ "7c99",
+ "7px6",
+ "5po3",
+ "2q5l",
+ "1fvy",
+ "3d2j",
+ "7e5g",
+ "5wpr",
+ "6cb5",
+ "7bs4",
+ "3al4",
+ "5o5h",
+ "258l",
+ "5uxs",
+ "5exn",
+ "5tku",
+ "7w57",
+ "6vrn",
+ "7t3i",
+ "6nbn",
+ "1lti",
+ "6gox",
+ "5mip",
+ "2yq9",
+ "4das",
+ "1l7z",
+ "5mzq",
+ "4mk1",
+ "7tqc",
+ "3kou",
+ "7lr8",
+ "6hqg",
+ "2vkg",
+ "4ohq",
+ "6ioq",
+ "4quu",
+ "5krh",
+ "5a2s",
+ "6cev",
+ "1ie5",
+ "1nkt",
+ "1i2z",
+ "2noa",
+ "4prx",
+ "2inx",
+ "3ois",
+ "3ham",
+ "6yuh",
+ "2a1j",
+ "7wnw",
+ "7d23",
+ "5a90",
+ "6bj3",
+ "5d3w",
+ "4plk",
+ "6ss7",
+ "1x4s",
+ "8db7",
+ "5b6a",
+ "3r68",
+ "7jx2",
+ "7ebo",
+ "2j0e",
+ "5ubq",
+ "2mkb",
+ "5zie",
+ "4ep2",
+ "2ki3",
+ "8h78",
+ "7ehh",
+ "5oz6",
+ "4fj3",
+ "2xjd",
+ "2aup",
+ "7p6x",
+ "4ur6",
+ "4nz1",
+ "4twh",
+ "7oo6",
+ "4dzu",
+ "3ept",
+ "7z8p",
+ "1dk0",
+ "4dkx",
+ "1jcj",
+ "3n5w",
+ "5fom",
+ "1oyg",
+ "3kkr",
+ "4up6",
+ "1e2i",
+ "4bhz",
+ "1rzs",
+ "6obd",
+ "5uhu",
+ "5cgc",
+ "4ndc",
+ "4cd2",
+ "4wph",
+ "6nvj",
+ "2kap",
+ "4coy",
+ "2k3h",
+ "6gn0",
+ "5xan",
+ "3iw8",
+ "3rd7",
+ "1vfj",
+ "4n1a",
+ "7smd",
+ "8gwo",
+ "7aho",
+ "3kw4",
+ "6nzg",
+ "3vpb",
+ "6aa3",
+ "5ork",
+ "6pzu",
+ "6f70",
+ "7ujs",
+ "6mo1",
+ "5tmv",
+ "1eaw",
+ "3pe3",
+ "1elx",
+ "1es4",
+ "1pxg",
+ "5by6",
+ "7d4j",
+ "3pf7",
+ "5u79",
+ "1sgg",
+ "2lkf",
+ "6yt5",
+ "1rgj",
+ "6np4",
+ "1owb",
+ "6zkm",
+ "6fp9",
+ "2a2u",
+ "5b12",
+ "6w5d",
+ "5fns",
+ "5n4t",
+ "6pkh",
+ "7yir",
+ "7fpc",
+ "5st8",
+ "5m2b",
+ "5rtc",
+ "6qyp",
+ "7kwe",
+ "1t7m",
+ "1n5w",
+ "2y2i",
+ "7wjo",
+ "2qmj",
+ "7pul",
+ "5agy",
+ "6eut",
+ "3suk",
+ "4z34",
+ "3d95",
+ "5qfi",
+ "2bxd",
+ "1lrl",
+ "8d6q",
+ "1gsf",
+ "6wyu",
+ "2r8n",
+ "1l96",
+ "7xvh",
+ "1omv",
+ "5hu2",
+ "1ji8",
+ "1jud",
+ "4cc5",
+ "4p71",
+ "5ygv",
+ "1wtc",
+ "1a5a",
+ "4qnj",
+ "6aiq",
+ "5z4a",
+ "4ml0",
+ "2j0r",
+ "6nsk",
+ "3q6s",
+ "3lp0",
+ "7bme",
+ "5pm3",
+ "5t17",
+ "6m7f",
+ "2j70",
+ "5ya0",
+ "4g07",
+ "1o41",
+ "5jpm",
+ "2dy8",
+ "3twl",
+ "7mw7",
+ "6w54",
+ "1foc",
+ "3jx1",
+ "1zn1",
+ "6cpk",
+ "4h1g",
+ "5ych",
+ "1w4o",
+ "1pxc",
+ "5q11",
+ "4lvf",
+ "4m4x",
+ "8c17",
+ "6vp2",
+ "7s2d",
+ "5qzi",
+ "4d8v",
+ "3ww5",
+ "2d04",
+ "7rft",
+ "6wbq",
+ "5dif",
+ "4i72",
+ "3upv",
+ "5ybc",
+ "6aqj",
+ "5pie",
+ "6efe",
+ "7szl",
+ "3ho0",
+ "1vg0",
+ "7vdh",
+ "4f7h",
+ "2nt0",
+ "6gnc",
+ "3fz1",
+ "8ayp",
+ "6rsa",
+ "1q9p",
+ "2vga",
+ "5i2u",
+ "5udy",
+ "6ttx",
+ "2esk",
+ "6koo",
+ "6md4",
+ "1f0k",
+ "7esd",
+ "6nx9",
+ "3tb0",
+ "4d6o",
+ "5iee",
+ "3jqe",
+ "3h22",
+ "3f9p",
+ "4ls8",
+ "5v69",
+ "6i16",
+ "6bbz",
+ "5m4u",
+ "5t1m",
+ "6iob",
+ "3x2k",
+ "6r8m",
+ "4jhd",
+ "5d52",
+ "2g4r",
+ "5dhv",
+ "4cv3",
+ "7bqj",
+ "6sfi",
+ "2ze0",
+ "6dmq",
+ "6h2k",
+ "1g4m",
+ "1k1b",
+ "5e91",
+ "2rlh",
+ "6alv",
+ "5x4r",
+ "3hmf",
+ "5u9m",
+ "2d0t",
+ "2cfx",
+ "6p1o",
+ "1iak",
+ "6hul",
+ "1dhy",
+ "1qqe",
+ "7ygv",
+ "3uza",
+ "6f5p",
+ "2n13",
+ "5udk",
+ "5m31",
+ "5hvt",
+ "2yxf",
+ "1b6a",
+ "5tf6",
+ "3syy",
+ "3x0u",
+ "5z1s",
+ "4p42",
+ "5nq2",
+ "2ero",
+ "2g6m",
+ "6n1s",
+ "3qwa",
+ "1fia",
+ "6d35",
+ "5fyn",
+ "5otr",
+ "1dam",
+ "5v6k",
+ "4wt5",
+ "4xw3",
+ "3wme",
+ "2ch2",
+ "3uhc",
+ "2z72",
+ "5rd5",
+ "2lpj",
+ "6h9o",
+ "1ytm",
+ "7wvp",
+ "6a3a",
+ "6hhz",
+ "4n4h",
+ "4v0j",
+ "4ayy",
+ "1rxp",
+ "4ib5",
+ "4bk3",
+ "4zkb",
+ "3ame",
+ "4mz6",
+ "6udp",
+ "5nia",
+ "6y3h",
+ "1swd",
+ "5ns7",
+ "3eah",
+ "6whm",
+ "1hlk",
+ "4eq0",
+ "5zmo",
+ "6sbi",
+ "1bel",
+ "7my8",
+ "7tjz",
+ "1lp3",
+ "6ws6",
+ "5q14",
+ "6a87",
+ "5ufe",
+ "4r3b",
+ "4ugd",
+ "4u7f",
+ "3zpz",
+ "7x51",
+ "2luq",
+ "5bxd",
+ "1gb6",
+ "4ck6",
+ "6t21",
+ "4eb6",
+ "2bsz",
+ "5ydx",
+ "6e46",
+ "1smi",
+ "6stm",
+ "2j53",
+ "1vhm",
+ "1e9s",
+ "3x0w",
+ "7r3s",
+ "1a59",
+ "1d3d",
+ "2c2j",
+ "3h3s",
+ "3d5g",
+ "7oyz",
+ "4ith",
+ "7xgl",
+ "4nkj",
+ "8agj",
+ "6a62",
+ "7q2f",
+ "7ng0",
+ "4nb3",
+ "7si2",
+ "1r8s",
+ "5u85",
+ "4ryj",
+ "3ajm",
+ "3kbz",
+ "5m4s",
+ "5z06",
+ "6jx0",
+ "2zh4",
+ "2y5e",
+ "1sek",
+ "5p18",
+ "7naq",
+ "4cht",
+ "3wfi",
+ "5sp9",
+ "5c1d",
+ "5kuv",
+ "5yvf",
+ "2ze7",
+ "3cf8",
+ "1szb",
+ "2bwk",
+ "2uwi",
+ "3hp1",
+ "1ig0",
+ "5ymv",
+ "1wsr",
+ "7dh5",
+ "5qf3",
+ "7mzb",
+ "7wvd",
+ "3lwr",
+ "2h0q",
+ "7sh4",
+ "4gsk",
+ "5vpn",
+ "2q95",
+ "3zqa",
+ "1fkt",
+ "1dof",
+ "1syg",
+ "3fg7",
+ "3eqy",
+ "3gvk",
+ "4dto",
+ "7lja",
+ "1m79",
+ "6a1t",
+ "4f2o",
+ "4os7",
+ "4ci7",
+ "4uzv",
+ "7lpu",
+ "6hkw",
+ "3vhf",
+ "7kvh",
+ "5y7k",
+ "5vpc",
+ "2ewp",
+ "2j07",
+ "6pb0",
+ "2vkh",
+ "3g59",
+ "4pse",
+ "4hb3",
+ "1srx",
+ "6p4q",
+ "5pp1",
+ "5kcb",
+ "5nke",
+ "5xwd",
+ "5czd",
+ "1umw",
+ "5ezg",
+ "5lny",
+ "1ep8",
+ "7xkk",
+ "6ewf",
+ "2qoa",
+ "1ak7",
+ "4io3",
+ "5cex",
+ "4rla",
+ "1gg6",
+ "4lru",
+ "6doq",
+ "6hed",
+ "7s51",
+ "5x09",
+ "3m23",
+ "2jka",
+ "5oai",
+ "6bk9",
+ "2pnt",
+ "5p20",
+ "3shg",
+ "1op1",
+ "4ao4",
+ "2kbr",
+ "3kza",
+ "5tvw",
+ "4nme",
+ "7jlq",
+ "6hn9",
+ "7fia",
+ "3fby",
+ "3d20",
+ "7byl",
+ "3f7m",
+ "7fep",
+ "6ewo",
+ "4jbp",
+ "6hz5",
+ "2drb",
+ "2fps",
+ "4lot",
+ "7ct8",
+ "6gka",
+ "6hy5",
+ "5v5e",
+ "5joz",
+ "2qwp",
+ "5mr4",
+ "5ib5",
+ "8d07",
+ "5viv",
+ "4uur",
+ "8a31",
+ "3wd4",
+ "6nf3",
+ "2zc0",
+ "5x7j",
+ "4co9",
+ "5rpn",
+ "5dhu",
+ "3mmp",
+ "2num",
+ "6tx3",
+ "5dnd",
+ "4arh",
+ "5f1h",
+ "2x1l",
+ "7zjf",
+ "1fnn",
+ "1phk",
+ "6qr9",
+ "1r46",
+ "2aky",
+ "5qnk",
+ "6ddt",
+ "2prj",
+ "1spa",
+ "5g23",
+ "1bld",
+ "2uvu",
+ "7jmb",
+ "3ef4",
+ "1k4y",
+ "5wux",
+ "1q1u",
+ "4cdc",
+ "6n3p",
+ "6hds",
+ "1jpy",
+ "3puj",
+ "6ra2",
+ "1hez",
+ "5x2g",
+ "6lv7",
+ "3zg7",
+ "3cvq",
+ "7qd0",
+ "1ig5",
+ "5r8i",
+ "3w8q",
+ "2kbs",
+ "1elr",
+ "4b7b",
+ "6c09",
+ "4myp",
+ "7m52",
+ "7dmd",
+ "6bv7",
+ "5gt2",
+ "7anz",
+ "7qu3",
+ "7ri2",
+ "1fck",
+ "7dgc",
+ "5i7f",
+ "3zrd",
+ "4f5w",
+ "2wbc",
+ "4l01",
+ "3j70",
+ "3cs5",
+ "6qph",
+ "6zgw",
+ "7lax",
+ "3k98",
+ "2bj0",
+ "6suh",
+ "4kbn",
+ "4qdz",
+ "3j26",
+ "6ndx",
+ "1fie",
+ "6feg",
+ "6imn",
+ "3rjf",
+ "5u8l",
+ "6m1d",
+ "1wlr",
+ "1oah",
+ "6ky3",
+ "4h7q",
+ "5fuo",
+ "2vip",
+ "1wow",
+ "6lx6",
+ "7o0k",
+ "4zeo",
+ "3acl",
+ "3h98",
+ "6k58",
+ "1w2t",
+ "6fg1",
+ "2wtb",
+ "1xq3",
+ "1x19",
+ "6yrd",
+ "2j6b",
+ "5sqa",
+ "3od2",
+ "2qxt",
+ "3huq",
+ "1s35",
+ "4uqp",
+ "3r7r",
+ "7jyt",
+ "7kho",
+ "4kkx",
+ "3a9u",
+ "2rlz",
+ "7p7k",
+ "1d0s",
+ "2pxt",
+ "7oma",
+ "1qu7",
+ "2kc1",
+ "6es5",
+ "3p0u",
+ "3zwo",
+ "3mpl",
+ "5wlf",
+ "6i7s",
+ "5uey",
+ "4ppc",
+ "3uj9",
+ "6net",
+ "5j7s",
+ "5cci",
+ "5aao",
+ "5hug",
+ "1xi2",
+ "4aex",
+ "1og5",
+ "4ml5",
+ "5nce",
+ "8e0d",
+ "1ojp",
+ "6qtp",
+ "4v3w",
+ "6zy9",
+ "6gcp",
+ "5vlg",
+ "2bhp",
+ "3nqu",
+ "3lpl",
+ "6jiq",
+ "3a6o",
+ "1h3a",
+ "2v9l",
+ "3t28",
+ "3cty",
+ "5fs4",
+ "3zmc",
+ "2d6f",
+ "1pc8",
+ "5j7z",
+ "2jb4",
+ "8bnz",
+ "5rcz",
+ "1bph",
+ "2w0h",
+ "5ylj",
+ "7nmn",
+ "5n8n",
+ "5dyw",
+ "4ui7",
+ "3vf7",
+ "6pne",
+ "5jfz",
+ "5uz8",
+ "2vzz",
+ "6pqx",
+ "4xni",
+ "3d8t",
+ "2vas",
+ "2cv0",
+ "2o6t",
+ "1ute",
+ "1lv4",
+ "2p7z",
+ "3eo3",
+ "3o1c",
+ "6zmq",
+ "4le9",
+ "5h0v",
+ "3vy7",
+ "2flj",
+ "2no2",
+ "5png",
+ "3mnl",
+ "7d19",
+ "6vjv",
+ "7roc",
+ "4gul",
+ "4h39",
+ "6h15",
+ "1yc0",
+ "4nqa",
+ "5zq4",
+ "4zmr",
+ "1b2l",
+ "1sz3",
+ "2zat",
+ "4dz2",
+ "3zqz",
+ "6sed",
+ "6qm4",
+ "4ewt",
+ "2q0b",
+ "3k1g",
+ "5ksq",
+ "5mys",
+ "1d0x",
+ "1fue",
+ "3v5w",
+ "4nrb",
+ "8gbe",
+ "3w0p",
+ "7rtw",
+ "5f7j",
+ "1poe",
+ "4cze",
+ "6ezf",
+ "6r5l",
+ "6ko5",
+ "3ii6",
+ "6l8d",
+ "5ofp",
+ "1d0z",
+ "3ibc",
+ "4cnt",
+ "1hjf",
+ "1lrh",
+ "2klr",
+ "1bjp",
+ "3vd8",
+ "4k36",
+ "1q2d",
+ "5l8e",
+ "3ds2",
+ "6x9s",
+ "1v0c",
+ "6n04",
+ "5i4h",
+ "3mg1",
+ "5zuh",
+ "4nlb",
+ "4k3c",
+ "2zc4",
+ "7di1",
+ "1a17",
+ "7eo9",
+ "6rgx",
+ "3o0t",
+ "5j5p",
+ "5fr0",
+ "7bu6",
+ "3bg1",
+ "1qzr",
+ "7ins",
+ "3nxq",
+ "7tu0",
+ "7tji",
+ "4kq8",
+ "5yxy",
+ "5oyf",
+ "4foy",
+ "7k5e",
+ "1cno",
+ "2e9x",
+ "7dvt",
+ "1z4m",
+ "2bu5",
+ "7btr",
+ "7p49",
+ "4wnn",
+ "1u28",
+ "3fns",
+ "7dls",
+ "1r7j",
+ "5gqw",
+ "3css",
+ "6bqg",
+ "2n0t",
+ "2cyg",
+ "5uhg",
+ "4huw",
+ "3c3a",
+ "2b49",
+ "1n2d",
+ "7y7m",
+ "4i08",
+ "6xq7",
+ "7rix",
+ "1qjf",
+ "5umi",
+ "6rnt",
+ "1m14",
+ "2hfd",
+ "4nfz",
+ "1ijy",
+ "2rg1",
+ "2x91",
+ "1ajj",
+ "2j23",
+ "1pgr",
+ "5xdj",
+ "1ev4",
+ "7b9l",
+ "1rlr",
+ "1g26",
+ "5tdu",
+ "1vzc",
+ "3k14",
+ "8h97",
+ "3uew",
+ "1zgs",
+ "2yhj",
+ "1a42",
+ "6n4o",
+ "6zut",
+ "1siv",
+ "1u2b",
+ "3zsg",
+ "7oew",
+ "1kqh",
+ "3qw0",
+ "2nom",
+ "6ew4",
+ "6yr7",
+ "3c5t",
+ "4fx9",
+ "4a37",
+ "6ybi",
+ "3uwo",
+ "1tqf",
+ "1guz",
+ "3lgu",
+ "6vrf",
+ "4okk",
+ "1u2l",
+ "3hrz",
+ "5vz4",
+ "2c4i",
+ "7sux",
+ "3r5w",
+ "4yun",
+ "1q5d",
+ "1bte",
+ "3a9j",
+ "5wkt",
+ "1e1l",
+ "1tt1",
+ "6wtx",
+ "4lko",
+ "6fmu",
+ "5zgi",
+ "5ra1",
+ "4eqv",
+ "5tnf",
+ "5qza",
+ "3c5j",
+ "1x9f",
+ "7c77",
+ "2z9d",
+ "1z47",
+ "1z53",
+ "4tq3",
+ "2d5a",
+ "6pig",
+ "2kin",
+ "7x8j",
+ "2pzm",
+ "7bi1",
+ "6y7b",
+ "6tfx",
+ "1x7j",
+ "3r9i",
+ "4xi5",
+ "3wjv",
+ "7upf",
+ "4ww1",
+ "5d9t",
+ "3wqu",
+ "7pym",
+ "5icy",
+ "5t5n",
+ "4bbe",
+ "2plx",
+ "6rej",
+ "7cdv",
+ "5r2w",
+ "5w7e",
+ "4m4l",
+ "5vp0",
+ "7rmm",
+ "7rib",
+ "6noo",
+ "5yii",
+ "4wu0",
+ "6rqx",
+ "3lvs",
+ "3pxu",
+ "3oo8",
+ "2qw1",
+ "6upa",
+ "5mo4",
+ "3a70",
+ "6ini",
+ "3n5q",
+ "6iem",
+ "5ww6",
+ "2xas",
+ "6e7o",
+ "3i1u",
+ "2wjq",
+ "8ag5",
+ "4b92",
+ "3dyg",
+ "6tcf",
+ "7kaz",
+ "5rlp",
+ "2luh",
+ "4jsj",
+ "4flr",
+ "4h3b",
+ "1a2a",
+ "7ni0",
+ "6d4d",
+ "4jsc",
+ "5zrk",
+ "5n8r",
+ "1ga6",
+ "5azs",
+ "5aqq",
+ "3vzy",
+ "6azs",
+ "5iie",
+ "7v2e",
+ "1xpz",
+ "6gyb",
+ "7x8i",
+ "5z3e",
+ "4d90",
+ "1a1o",
+ "6pg7",
+ "2brx",
+ "4kwm",
+ "1bvm",
+ "8f6t",
+ "3wlb",
+ "4oxr",
+ "7qhn",
+ "3d0n",
+ "3q4z",
+ "1be2",
+ "7qyn",
+ "7myf",
+ "6p9b",
+ "1bsk",
+ "7ymn",
+ "4oy7",
+ "7loo",
+ "7ju5",
+ "5vzw",
+ "7om9",
+ "6p17",
+ "3eh3",
+ "4z8g",
+ "5rlq",
+ "2jfd",
+ "8fnu",
+ "2m0q",
+ "2i6m",
+ "2ztv",
+ "5dd7",
+ "4dj3",
+ "7at2",
+ "6yxk",
+ "3arv",
+ "1my5",
+ "2a88",
+ "7duu",
+ "7chu",
+ "7kvo",
+ "3uh0",
+ "6vzs",
+ "4pk9",
+ "7wr2",
+ "5exp",
+ "2hp9",
+ "3bck",
+ "7d18",
+ "1es1",
+ "6m93",
+ "6wny",
+ "5gh9",
+ "4nwh",
+ "5j2z",
+ "3vhp",
+ "4flo",
+ "5lt5",
+ "2khu",
+ "5fb5",
+ "7kty",
+ "2hd7",
+ "4rqz",
+ "4g34",
+ "5igl",
+ "7vfk",
+ "4nig",
+ "7ri5",
+ "4y75",
+ "5xcy",
+ "6mg3",
+ "1oi0",
+ "5wqq",
+ "5ir1",
+ "2kou",
+ "1xei",
+ "6mw4",
+ "4ad1",
+ "1f6k",
+ "1xvm",
+ "3kln",
+ "4ats",
+ "5hax",
+ "3unt",
+ "2cen",
+ "7bny",
+ "1ghr",
+ "5mzc",
+ "2scp",
+ "6iqh",
+ "7kk6",
+ "6huv",
+ "2vlp",
+ "6pxe",
+ "1b4b",
+ "6ypv",
+ "3ko4",
+ "2jss",
+ "5wsh",
+ "7sug",
+ "2g7q",
+ "7lui",
+ "4wsj",
+ "5oj8",
+ "3tzb",
+ "6pb9",
+ "4pgs",
+ "7cqt",
+ "7ay7",
+ "4rrf",
+ "2fhj",
+ "7kbc",
+ "5su5",
+ "5oo8",
+ "4rbt",
+ "7x81",
+ "7mpu",
+ "8bmw",
+ "4kso",
+ "5rdy",
+ "4ahm",
+ "3gyx",
+ "3sr4",
+ "1n27",
+ "4ik0",
+ "2z91",
+ "2wid",
+ "3sdu",
+ "3hs6",
+ "5jqr",
+ "5vpe",
+ "4r4r",
+ "3m1i",
+ "5muk",
+ "3n4v",
+ "2z9x",
+ "2rse",
+ "6qqm",
+ "7y3l",
+ "3k3f",
+ "1ft6",
+ "6dte",
+ "4r68",
+ "1qlr",
+ "1zhq",
+ "7tjc",
+ "1pxa",
+ "7daj",
+ "2pbk",
+ "6e56",
+ "2qoh",
+ "1gof",
+ "5e8h",
+ "6qyi",
+ "4nft",
+ "1itm",
+ "2naq",
+ "1oby",
+ "1lyh",
+ "1bvu",
+ "6bsk",
+ "3eze",
+ "6zpm",
+ "2pru",
+ "4uhc",
+ "4pq1",
+ "1blp",
+ "7bmp",
+ "3v95",
+ "7ts0",
+ "5oxs",
+ "1j1b",
+ "2xy5",
+ "1t97",
+ "5gsp",
+ "6hqx",
+ "1hz6",
+ "8f2q",
+ "6ihj",
+ "7fju",
+ "3j63",
+ "5p0y",
+ "6ere",
+ "5qla",
+ "1eha",
+ "7nu4",
+ "1h79",
+ "3fsc",
+ "1obw",
+ "4a9c",
+ "5edj",
+ "4edv",
+ "3hkt",
+ "3t91",
+ "4q1x",
+ "1j9r",
+ "3eul",
+ "8dau",
+ "5m18",
+ "3pyx",
+ "3upf",
+ "4qvm",
+ "5bru",
+ "6sx1",
+ "2hci",
+ "3mzq",
+ "5sr0",
+ "2eyz",
+ "5t6e",
+ "3bqp",
+ "3t2m",
+ "3ulc",
+ "1lp9",
+ "2a0f",
+ "2loy",
+ "4k1v",
+ "7sc6",
+ "6t36",
+ "6ons",
+ "1wbf",
+ "5tn3",
+ "5zdd",
+ "4gy4",
+ "1yjx",
+ "7zca",
+ "5zim",
+ "6ns5",
+ "5v7n",
+ "5pqu",
+ "1dsg",
+ "3erx",
+ "5nno",
+ "2q76",
+ "5dsy",
+ "4m40",
+ "103l",
+ "5jfp",
+ "4pmp",
+ "5gv2",
+ "4gli",
+ "7n4m",
+ "1w3l",
+ "3cfj",
+ "8eeq",
+ "2jnv",
+ "3mh4",
+ "4har",
+ "5yus",
+ "7khv",
+ "4ab2",
+ "7jrw",
+ "6vjs",
+ "2l1e",
+ "6fuv",
+ "2hrk",
+ "2ckp",
+ "1bwk",
+ "4c9g",
+ "6hdq",
+ "4ntx",
+ "5f1a",
+ "1a7v",
+ "3jpu",
+ "4m5l",
+ "7m4h",
+ "6s7j",
+ "5und",
+ "4x4d",
+ "5jtl",
+ "2chv",
+ "7rx0",
+ "6qzq",
+ "6xk1",
+ "6aq7",
+ "5h8x",
+ "2vxd",
+ "4nte",
+ "2r05",
+ "1h8k",
+ "3dyl",
+ "2xbv",
+ "3h9j",
+ "1fvc",
+ "7asu",
+ "6b7b",
+ "1cw1",
+ "7au5",
+ "3sfe",
+ "4mwh",
+ "1hse",
+ "6qe3",
+ "5i01",
+ "5tu5",
+ "1xym",
+ "4d5d",
+ "5nvh",
+ "5oaq",
+ "4wzx",
+ "4bfp",
+ "1ra8",
+ "1cg7",
+ "2kn2",
+ "7uez",
+ "1g6h",
+ "6i6w",
+ "5uda",
+ "1beu",
+ "2xfg",
+ "5e8z",
+ "4cvj",
+ "5pq6",
+ "4lrg",
+ "7x8v",
+ "3i6g",
+ "4agk",
+ "5bop",
+ "3lhg",
+ "1pwb",
+ "3bjy",
+ "2z2y",
+ "6c7r",
+ "4ic7",
+ "2arj",
+ "4qgi",
+ "6t15",
+ "5tlo",
+ "4afk",
+ "8cjh",
+ "5jon",
+ "6ai1",
+ "2qpq",
+ "2y8k",
+ "6bkj",
+ "7qi0",
+ "2pqk",
+ "3r3j",
+ "2a20",
+ "7rwu",
+ "1yvd",
+ "3scf",
+ "7zei",
+ "2ifw",
+ "5u0y",
+ "6fve",
+ "7s8d",
+ "6n8z",
+ "1buo",
+ "7ept",
+ "1yob",
+ "5lbz",
+ "5waq",
+ "4pt2",
+ "4ehn",
+ "3j1r",
+ "7adu",
+ "1pmy",
+ "7d1y",
+ "5w60",
+ "6r67",
+ "5r9w",
+ "4fal",
+ "3reb",
+ "6uw2",
+ "3dhj",
+ "1e0g",
+ "5ca1",
+ "1o9h",
+ "7dkc",
+ "3pox",
+ "2vv3",
+ "5wl7",
+ "3ewu",
+ "2xml",
+ "2f4b",
+ "6xed",
+ "1ew6",
+ "3ufq",
+ "6s2s",
+ "1kqd",
+ "1ny9",
+ "7adp",
+ "8eqm",
+ "4x32",
+ "2o9t",
+ "6g01",
+ "6tqw",
+ "5pql",
+ "2ign",
+ "4yta",
+ "2d5l",
+ "3d77",
+ "6nw8",
+ "7k6p",
+ "1pxd",
+ "4qf9",
+ "5us5",
+ "1vh9",
+ "1nhw",
+ "7d35",
+ "2a85",
+ "1nl3",
+ "1im1",
+ "4uwx",
+ "3mtn",
+ "2nvq",
+ "5k7y",
+ "1ol2",
+ "2cmy",
+ "1oi3",
+ "1g2a",
+ "3duh",
+ "5q0s",
+ "7f53",
+ "6zop",
+ "5k4b",
+ "7v75",
+ "2zz7",
+ "1lcv",
+ "6pvd",
+ "5tms",
+ "4y7r",
+ "7umy",
+ "3kf6",
+ "5btw",
+ "4e0u",
+ "2vyo",
+ "3c1h",
+ "3nhg",
+ "2cjb",
+ "8csg",
+ "2cfc",
+ "3rgk",
+ "6ijd",
+ "3w77",
+ "6z0v",
+ "5x6j",
+ "6dps",
+ "1nai",
+ "4ncn",
+ "3lk4",
+ "4jcr",
+ "3uef",
+ "3j4p",
+ "2wpc",
+ "2ccl",
+ "1y6u",
+ "3oo9",
+ "6jb2",
+ "3j04",
+ "6hq2",
+ "6jk4",
+ "6m9f",
+ "3rz7",
+ "1p9o",
+ "6l7t",
+ "3a6r",
+ "8d85",
+ "5j74",
+ "2xnn",
+ "6klj",
+ "5wfm",
+ "2eak",
+ "2jl4",
+ "7jqx",
+ "6nk6",
+ "2icf",
+ "3cst",
+ "6v4f",
+ "8dam",
+ "5qdz",
+ "1hkb",
+ "7nd1",
+ "6fkg",
+ "4r1c",
+ "4am6",
+ "3gn9",
+ "4weq",
+ "2q45",
+ "6edu",
+ "6pc1",
+ "5xfz",
+ "7mqy",
+ "6hr7",
+ "6plu",
+ "7r0t",
+ "2yvk",
+ "6wlv",
+ "13pk",
+ "6j5z",
+ "6pjc",
+ "3rqo",
+ "5z6s",
+ "1nnl",
+ "1p8d",
+ "6pjl",
+ "5yd5",
+ "2isw",
+ "6luv",
+ "4uac",
+ "7d98",
+ "7d2t",
+ "1p99",
+ "1bir",
+ "2a0m",
+ "3tj5",
+ "6nh5",
+ "2phl",
+ "4d0p",
+ "6gye",
+ "5o3u",
+ "3pxa",
+ "7dvn",
+ "5va3",
+ "4z12",
+ "2xa7",
+ "1bxt",
+ "5vr3",
+ "1lqf",
+ "5puu",
+ "3wp3",
+ "4p6h",
+ "3tsg",
+ "5kni",
+ "2n5d",
+ "4otu",
+ "2q8e",
+ "3wqf",
+ "3qts",
+ "5dqh",
+ "2prl",
+ "4yyx",
+ "5ud7",
+ "6oun",
+ "5nqz",
+ "8bqh",
+ "7sgg",
+ "2usn",
+ "7mkc",
+ "6unf",
+ "2hs6",
+ "5t0v",
+ "6vxf",
+ "5m5i",
+ "6c1s",
+ "6es7",
+ "1h49",
+ "5szk",
+ "7tdu",
+ "1mcz",
+ "2ekp",
+ "5oxk",
+ "7nmm",
+ "3qxh",
+ "2zsh",
+ "8b47",
+ "6q0m",
+ "5ikh",
+ "6klm",
+ "3zmz",
+ "3c9e",
+ "1o6h",
+ "7xq9",
+ "6utc",
+ "1ypr",
+ "1yjy",
+ "7ss7",
+ "5hyg",
+ "5xc6",
+ "1ldq",
+ "3q2z",
+ "6vuq",
+ "6bhh",
+ "4pz5",
+ "6mna",
+ "3mtv",
+ "5b0s",
+ "7vy6",
+ "1pye",
+ "6v3i",
+ "4ot1",
+ "2mxu",
+ "1l6r",
+ "5kwr",
+ "6vxc",
+ "3r58",
+ "1fuy",
+ "1be3",
+ "2rec",
+ "4ggj",
+ "4bbc",
+ "3e90",
+ "6ubq",
+ "4ofv",
+ "3mi0",
+ "7smt",
+ "4fdd",
+ "2kve",
+ "4ze6",
+ "1hxy",
+ "1opc",
+ "6fb6",
+ "1b9f",
+ "2cdq",
+ "1gks",
+ "6bte",
+ "5vaa",
+ "4xh7",
+ "2gyw",
+ "5pjl",
+ "7rwv",
+ "2oyh",
+ "3v0n",
+ "1ewe",
+ "4kil",
+ "4wjg",
+ "4nrv",
+ "3vbx",
+ "4z4e",
+ "3sy2",
+ "1oo2",
+ "5c21",
+ "4h6b",
+ "6vt6",
+ "1tv7",
+ "5ax6",
+ "1yzr",
+ "5sxp",
+ "5tha",
+ "3seu",
+ "1x9h",
+ "7c9o",
+ "5m9u",
+ "7mq7",
+ "3iys",
+ "5ov4",
+ "6st4",
+ "8fwq",
+ "6gjv",
+ "1low",
+ "2vfj",
+ "7jn6",
+ "6ywl",
+ "3nyz",
+ "8e8c",
+ "4bvl",
+ "6a84",
+ "5ewl",
+ "1t13",
+ "5wro",
+ "6rb6",
+ "1keb",
+ "4gkx",
+ "4gof",
+ "3sh2",
+ "6kyj",
+ "6lt4",
+ "5y11",
+ "2cle",
+ "4xnw",
+ "6xg6",
+ "5ybl",
+ "1w3t",
+ "7q02",
+ "4cv5",
+ "5fu7",
+ "1t7v",
+ "1k2m",
+ "1ft7",
+ "2e1u",
+ "1gzb",
+ "3ovo",
+ "2z6e",
+ "1som",
+ "6vou",
+ "3sgw",
+ "3ata",
+ "4yc9",
+ "4f0z",
+ "3o7u",
+ "3nq9",
+ "7p13",
+ "5wdq",
+ "7kh7",
+ "7fsa",
+ "4nnp",
+ "5xts",
+ "5exj",
+ "3pbt",
+ "7asy",
+ "7noa",
+ "1vyq",
+ "4qwf",
+ "1cxw",
+ "3da9",
+ "5b2k",
+ "4kqq",
+ "6dw7",
+ "6zhy",
+ "5t1k",
+ "3n6q",
+ "1e2r",
+ "1b19",
+ "2x1g",
+ "6s9p",
+ "6xm7",
+ "6o79",
+ "1sar",
+ "6jbd",
+ "3wlh",
+ "1i1b",
+ "5uah",
+ "2aiq",
+ "2xz7",
+ "4f2a",
+ "3ac0",
+ "2zme",
+ "3t9z",
+ "1l6z",
+ "1ryj",
+ "5cau",
+ "4juv",
+ "1fs5",
+ "6e8f",
+ "1xye",
+ "4er7",
+ "5p4u",
+ "5uqk",
+ "4x92",
+ "5x03",
+ "2ny6",
+ "3tah",
+ "5av2",
+ "5byq",
+ "1t5s",
+ "4wyj",
+ "4ffi",
+ "3a6e",
+ "4txl",
+ "6fam",
+ "3ikq",
+ "7ctw",
+ "5kmt",
+ "5krl",
+ "2fjf",
+ "3cu0",
+ "2ad8",
+ "4b5n",
+ "2zgj",
+ "4zrv",
+ "4kfb",
+ "2xs6",
+ "5u08",
+ "1hxd",
+ "5yp8",
+ "2wmp",
+ "6ioj",
+ "1r1k",
+ "3znr",
+ "5ef4",
+ "1qkf",
+ "1jgn",
+ "6ndj",
+ "6wg1",
+ "3o83",
+ "3l2i",
+ "5hrz",
+ "2wp2",
+ "1tyg",
+ "5bq1",
+ "5pib",
+ "6ku7",
+ "1fze",
+ "7msy",
+ "1wlf",
+ "3ra5",
+ "3n02",
+ "3v8n",
+ "6dr9",
+ "2vdy",
+ "7bmu",
+ "2c4q",
+ "6j6f",
+ "1qlp",
+ "3t2b",
+ "7sv1",
+ "7jg1",
+ "6org",
+ "6dhl",
+ "2xqb",
+ "7t60",
+ "4o1a",
+ "6fd2",
+ "5u1c",
+ "1w4p",
+ "2nwr",
+ "7f5v",
+ "4zmv",
+ "5wv9",
+ "3vhq",
+ "2vch",
+ "4bib",
+ "5mcw",
+ "6ucb",
+ "7ooz",
+ "6g3q",
+ "5xn9",
+ "5kd1",
+ "3wor",
+ "7tp6",
+ "5cfo",
+ "7m0v",
+ "8dp6",
+ "5kig",
+ "2qo3",
+ "2ghi",
+ "1lra",
+ "2rda",
+ "1iup",
+ "1cx1",
+ "1mu9",
+ "4e80",
+ "6jr8",
+ "4p0s",
+ "3t72",
+ "4b13",
+ "7q3s",
+ "4zpe",
+ "4jnd",
+ "2wgu",
+ "1jpv",
+ "5b0u",
+ "1hm5",
+ "1gp0",
+ "6ae8",
+ "6eox",
+ "2c59",
+ "4bqa",
+ "6n54",
+ "7z1w",
+ "5r84",
+ "5g2e",
+ "1n2t",
+ "2p6e",
+ "2w73",
+ "1nko",
+ "4hv3",
+ "3n44",
+ "6of9",
+ "1waa",
+ "4yld",
+ "4bnl",
+ "1ndg",
+ "4cgk",
+ "2q28",
+ "2uxv",
+ "1c9d",
+ "1ezr",
+ "5uu7",
+ "5nny",
+ "4g6a",
+ "6vkf",
+ "7c8a",
+ "7tiz",
+ "2knt",
+ "3vu4",
+ "6fiu",
+ "3ejj",
+ "4zg5",
+ "1ni6",
+ "3hje",
+ "1mbu",
+ "7pb0",
+ "3waa",
+ "6o0r",
+ "1wxn",
+ "4iv1",
+ "6o46",
+ "7fmg",
+ "7lch",
+ "5vfj",
+ "6p8u",
+ "4hgu",
+ "4alx",
+ "6gby",
+ "6oyy",
+ "3wxj",
+ "5kw5",
+ "3qf3",
+ "6d7j",
+ "6qgl",
+ "3fql",
+ "5ca0",
+ "3rwf",
+ "4gte",
+ "6lqc",
+ "1oxt",
+ "3ubb",
+ "2ci4",
+ "1ng1",
+ "1fna",
+ "6yi3",
+ "2jj4",
+ "1s3a",
+ "1sei",
+ "6rvu",
+ "1q5t",
+ "5j2l",
+ "6c7t",
+ "5edx",
+ "3el2",
+ "1bsr",
+ "3x0f",
+ "1zv8",
+ "6pg3",
+ "6v3t",
+ "1yog",
+ "3gna",
+ "6q9o",
+ "3et2",
+ "3vl1",
+ "7ehn",
+ "2ex2",
+ "6zrt",
+ "4o3q",
+ "1c72",
+ "7nuh",
+ "2kgw",
+ "5zup",
+ "6nor",
+ "1jrm",
+ "3cli",
+ "5jpe",
+ "2weq",
+ "3o9l",
+ "8f75",
+ "4rpz",
+ "2j5l",
+ "2fct",
+ "1l5c",
+ "2g9p",
+ "1q5c",
+ "2wj3",
+ "5k9q",
+ "3lan",
+ "6juf",
+ "2ko3",
+ "4xtt",
+ "5sa7",
+ "3nv1",
+ "6rhx",
+ "4wvh",
+ "5dmj",
+ "5kft",
+ "1awd",
+ "2o4c",
+ "1ww7",
+ "3gfj",
+ "5f2w",
+ "6vn4",
+ "1xlg",
+ "4no3",
+ "5pem",
+ "3n6b",
+ "1wcj",
+ "6y4e",
+ "2mps",
+ "4n7i",
+ "7rfb",
+ "6mlx",
+ "7vuq",
+ "5otn",
+ "4cqy",
+ "2hea",
+ "8adq",
+ "6bnr",
+ "7rde",
+ "4b33",
+ "5uns",
+ "5fl7",
+ "1req",
+ "5e7n",
+ "2wuf",
+ "1s9r",
+ "1j0i",
+ "3zix",
+ "4tob",
+ "4dhv",
+ "3sio",
+ "6n9t",
+ "6nzm",
+ "1fav",
+ "1w47",
+ "5hy9",
+ "5bvq",
+ "7tlq",
+ "4q4a",
+ "7r1f",
+ "2jkz",
+ "5wp3",
+ "3crm",
+ "7lvr",
+ "6fpd",
+ "8hu6",
+ "4d6d",
+ "1aeo",
+ "7sze",
+ "1qyo",
+ "8f5v",
+ "1jxm",
+ "3io0",
+ "1pgq",
+ "5hkg",
+ "5x9w",
+ "8aec",
+ "5yi3",
+ "7qti",
+ "4gg7",
+ "5d5q",
+ "2gwf",
+ "3nky",
+ "2ch8",
+ "4gt9",
+ "6syf",
+ "1h6e",
+ "3zzj",
+ "6vut",
+ "7pbb",
+ "6rjc",
+ "6g4u",
+ "6hqy",
+ "3nk5",
+ "7e8e",
+ "3as1",
+ "5hn8",
+ "6zch",
+ "1yxk",
+ "4j5l",
+ "7bnw",
+ "3ug7",
+ "2jly",
+ "2ogh",
+ "5joc",
+ "3cz9",
+ "7cjl",
+ "7jk4",
+ "1inf",
+ "5txy",
+ "3nfk",
+ "6pwv",
+ "1hpy",
+ "2e39",
+ "4ijl",
+ "1lqm",
+ "3wa6",
+ "5e9g",
+ "5nfq",
+ "4ebz",
+ "5p39",
+ "5ql7",
+ "7b2m",
+ "4oqt",
+ "4x90",
+ "6hu8",
+ "3oux",
+ "1up8",
+ "1c5w",
+ "1li6",
+ "3zqq",
+ "7s2c",
+ "3gee",
+ "259l",
+ "3psw",
+ "4bn2",
+ "2ovv",
+ "2qxh",
+ "5x20",
+ "2n52",
+ "5zuo",
+ "2lp5",
+ "3p23",
+ "1ako",
+ "3nz3",
+ "3m7q",
+ "6hxi",
+ "5alu",
+ "6j04",
+ "5lwu",
+ "3ddk",
+ "5ztm",
+ "2zeh",
+ "5lq1",
+ "1kul",
+ "3lcb",
+ "6bz4",
+ "1qra",
+ "2gcn",
+ "3lkh",
+ "6bpd",
+ "1eww",
+ "6ujv",
+ "3ifd",
+ "2wdb",
+ "6cim",
+ "6imt",
+ "3nmk",
+ "1uda",
+ "4kas",
+ "7bix",
+ "6pr6",
+ "5v3q",
+ "5y6a",
+ "3uqb",
+ "5tch",
+ "4h54",
+ "6c0h",
+ "7d9b",
+ "4utx",
+ "4a94",
+ "4pu6",
+ "1tks",
+ "6jxv",
+ "1z73",
+ "6c2h",
+ "6vsr",
+ "6bxt",
+ "6kei",
+ "6t0z",
+ "5hg1",
+ "1xmw",
+ "4coh",
+ "2iog",
+ "4eqz",
+ "6g1o",
+ "8e7f",
+ "2ga2",
+ "1fkq",
+ "1r6n",
+ "4di6",
+ "4i91",
+ "6hpr",
+ "1u7b",
+ "6kca",
+ "6i2k",
+ "5u0e",
+ "1tc1",
+ "1inl",
+ "2fvu",
+ "7apd",
+ "6nq3",
+ "2hpt",
+ "2zzj",
+ "3ho2",
+ "5kxu",
+ "5ygg",
+ "2l0n",
+ "3t90",
+ "6b0p",
+ "1t8b",
+ "6ahg",
+ "3gkt",
+ "6qa7",
+ "4il3",
+ "4xpz",
+ "3fga",
+ "6fmc",
+ "7fiz",
+ "3zpg",
+ "7kkq",
+ "3mkr",
+ "7fdj",
+ "4i34",
+ "3t60",
+ "7tp5",
+ "7wba",
+ "3bpz",
+ "5tt6",
+ "4whm",
+ "3ta7",
+ "1rpq",
+ "5qyp",
+ "6j6k",
+ "1pbq",
+ "7qd1",
+ "5ygc",
+ "6g56",
+ "6kr4",
+ "5mpq",
+ "3dy9",
+ "5a4b",
+ "2jpr",
+ "4iyr",
+ "3rg2",
+ "3anl",
+ "1f7d",
+ "5rfl",
+ "3typ",
+ "3pcx",
+ "7ktf",
+ "7avd",
+ "5ai5",
+ "4bg6",
+ "5l26",
+ "4bu6",
+ "6m4f",
+ "2c4v",
+ "4ge5",
+ "1h86",
+ "3bmp",
+ "6esu",
+ "6otn",
+ "6bon",
+ "3r7m",
+ "2vqs",
+ "6avz",
+ "1j4o",
+ "3sv3",
+ "1i1j",
+ "4j0k",
+ "8blm",
+ "6wul",
+ "4lpx",
+ "1c3p",
+ "1sr7",
+ "5ah1",
+ "1orq",
+ "2q6w",
+ "7m19",
+ "1ahm",
+ "7rog",
+ "1gc7",
+ "4zp6",
+ "1ll3",
+ "3zsl",
+ "6wz0",
+ "3toh",
+ "3kgg",
+ "5kxy",
+ "7eys",
+ "1xm8",
+ "2yhd",
+ "6npq",
+ "1g8e",
+ "2wmk",
+ "8dg9",
+ "3ffq",
+ "3r4n",
+ "3zbe",
+ "5wi3",
+ "5bxh",
+ "3vm4",
+ "5ezj",
+ "6n17",
+ "3v3m",
+ "1qql",
+ "2ixa",
+ "2gs7",
+ "7qdo",
+ "5fa7",
+ "6kx2",
+ "3j03",
+ "1m26",
+ "5n15",
+ "5uue",
+ "3qbq",
+ "4tqm",
+ "2fpz",
+ "4v2i",
+ "1y2z",
+ "3gsr",
+ "3ahq",
+ "1pzp",
+ "3gpp",
+ "1h2l",
+ "2zwo",
+ "6v79",
+ "4rb4",
+ "1eu8",
+ "1iip",
+ "7qf7",
+ "1p98",
+ "3cye",
+ "7lyt",
+ "1nf1",
+ "7cky",
+ "6geu",
+ "7ke1",
+ "7sun",
+ "6qfa",
+ "4tu9",
+ "7sq8",
+ "5tu6",
+ "5u4v",
+ "7oug",
+ "3c4c",
+ "4m3h",
+ "5kjw",
+ "5n22",
+ "3flm",
+ "7zqv",
+ "3qyc",
+ "2lcz",
+ "1o9z",
+ "4gn5",
+ "6ysq",
+ "3jxg",
+ "5j8o",
+ "1rvw",
+ "6z3l",
+ "7et6",
+ "6w24",
+ "3mqd",
+ "4j0t",
+ "2e3n",
+ "6fl8",
+ "4exx",
+ "5qzq",
+ "3pdv",
+ "7yas",
+ "6wa9",
+ "1xtc",
+ "2ith",
+ "2juj",
+ "5y0v",
+ "5ew8",
+ "4v2o",
+ "4l1c",
+ "3hae",
+ "3l38",
+ "4xis",
+ "7s5r",
+ "5ng2",
+ "1npm",
+ "7khz",
+ "2bcc",
+ "2jp5",
+ "3t50",
+ "6j1g",
+ "6c9a",
+ "4mxp",
+ "6jbh",
+ "2xuk",
+ "3luj",
+ "8h1j",
+ "5wie",
+ "2ikj",
+ "1qn7",
+ "6dia",
+ "7l27",
+ "7m4k",
+ "4ptl",
+ "1qr0",
+ "4jm8",
+ "4kh6",
+ "2xra",
+ "3aw0",
+ "6ydb",
+ "7y8r",
+ "6iat",
+ "5v30",
+ "6nub",
+ "1qx8",
+ "4hwa",
+ "6cs8",
+ "1c9q",
+ "1p3j",
+ "3nsw",
+ "1mst",
+ "5ujh",
+ "3io8",
+ "2b5n",
+ "1os1",
+ "3m2f",
+ "5vk0",
+ "8d0j",
+ "1nr5",
+ "4p5z",
+ "4ohx",
+ "6q17",
+ "6rcv",
+ "3l1b",
+ "1yrt",
+ "3dhc",
+ "4n3g",
+ "8ffc",
+ "4co4",
+ "1s16",
+ "3ew3",
+ "4gq3",
+ "7kyp",
+ "3paz",
+ "4bxq",
+ "3r0n",
+ "6uwz",
+ "5cx9",
+ "6sef",
+ "5aan",
+ "4bl8",
+ "5a1j",
+ "1nzx",
+ "5e0q",
+ "5jm8",
+ "5pcw",
+ "1btw",
+ "5rm0",
+ "3g9x",
+ "7dv1",
+ "6ldz",
+ "6uss",
+ "2j7m",
+ "2i4l",
+ "3qht",
+ "6pgq",
+ "7mhs",
+ "6wmi",
+ "7cuy",
+ "5des",
+ "2lto",
+ "5pnv",
+ "6mka",
+ "5vif",
+ "8czo",
+ "7dz9",
+ "4ms2",
+ "456c",
+ "2oj3",
+ "3ifz",
+ "2h1c",
+ "2zdx",
+ "6x7n",
+ "6ylk",
+ "2giw",
+ "7lme",
+ "1r2r",
+ "2cw1",
+ "6x3t",
+ "5kbh",
+ "1g2q",
+ "4nds",
+ "7y89",
+ "7z2a",
+ "3tlr",
+ "3nwo",
+ "6ak8",
+ "7mf1",
+ "6tyn",
+ "5of7",
+ "4tkv",
+ "3r6m",
+ "5pxw",
+ "2v93",
+ "3dk2",
+ "7um4",
+ "3fp4",
+ "2fmc",
+ "4dch",
+ "5nqp",
+ "6ea8",
+ "2jiu",
+ "7u33",
+ "5f6j",
+ "7svt",
+ "3dtb",
+ "3kxs",
+ "3zfq",
+ "4pqg",
+ "5x6p",
+ "1tbe",
+ "4mt9",
+ "8ave",
+ "5tr1",
+ "5add",
+ "4b56",
+ "6ci2",
+ "1u88",
+ "4h61",
+ "3hrt",
+ "5ptm",
+ "6gcx",
+ "3mtx",
+ "4j25",
+ "5tcg",
+ "5rdi",
+ "6qr0",
+ "3tm6",
+ "4ooy",
+ "7b8k",
+ "4c9m",
+ "1kh1",
+ "7z3h",
+ "5v2c",
+ "3zxn",
+ "4rfl",
+ "3fq0",
+ "6oat",
+ "4qll",
+ "4fis",
+ "1yzc",
+ "2qxu",
+ "6l69",
+ "7agk",
+ "6hv4",
+ "6o5i",
+ "2qch",
+ "1ho3",
+ "8hct",
+ "4fhy",
+ "5wud",
+ "6p9h",
+ "1s3e",
+ "5td2",
+ "6sp1",
+ "1bxy",
+ "2fbb",
+ "2vea",
+ "3qol",
+ "1w44",
+ "1jhp",
+ "6pzz",
+ "1fd0",
+ "7xwr",
+ "2uyu",
+ "2c03",
+ "1k2h",
+ "4q6a",
+ "5hvw",
+ "2gm1",
+ "1t6f",
+ "4x8l",
+ "2qar",
+ "1y3h",
+ "1mk8",
+ "7p6r",
+ "6wx6",
+ "4zlf",
+ "7dtm",
+ "4x6n",
+ "5jh2",
+ "1hs7",
+ "5j5o",
+ "1gis",
+ "4znb",
+ "1hps",
+ "5xgc",
+ "4dtn",
+ "6peb",
+ "6oo4",
+ "2zjp",
+ "6ovx",
+ "4b3b",
+ "4rvw",
+ "1b0w",
+ "6b3i",
+ "4uss",
+ "8dkv",
+ "7mhl",
+ "4u1z",
+ "6xso",
+ "3ak5",
+ "4hoi",
+ "3fx0",
+ "1udb",
+ "6b4k",
+ "6wuv",
+ "7bkb",
+ "7txm",
+ "2lm3",
+ "6wqv",
+ "5fk9",
+ "6loj",
+ "4myv",
+ "6j75",
+ "3sln",
+ "5ine",
+ "1esd",
+ "1kvr",
+ "7qhg",
+ "3rea",
+ "1zjw",
+ "5jvl",
+ "1lyf",
+ "7ea6",
+ "3hfy",
+ "3flo",
+ "5p5r",
+ "3m79",
+ "6tjf",
+ "3mp4",
+ "6cqk",
+ "1crf",
+ "2r73",
+ "6l22",
+ "5hpr",
+ "7tvw",
+ "6dhn",
+ "6og0",
+ "5egw",
+ "4m06",
+ "2gke",
+ "6h3v",
+ "2mst",
+ "4g7l",
+ "7luz",
+ "1wm6",
+ "6pq1",
+ "8i19",
+ "7ch7",
+ "7vq3",
+ "1d6f",
+ "3jrd",
+ "1ms5",
+ "7wmq",
+ "4mry",
+ "4r8r",
+ "3bpx",
+ "7x8t",
+ "6glx",
+ "1c3w",
+ "3pvw",
+ "3m6d",
+ "1ude",
+ "4ooz",
+ "4qkt",
+ "6qp4",
+ "7kc7",
+ "4nzf",
+ "1zgr",
+ "5yat",
+ "5fm0",
+ "4ey9",
+ "1mgv",
+ "1bpd",
+ "4nud",
+ "4y6w",
+ "7k4a",
+ "6pxg",
+ "5mbg",
+ "6mrm",
+ "2zut",
+ "4lnc",
+ "2w9s",
+ "7thy",
+ "3uxm",
+ "4uda",
+ "2ffw",
+ "3a16",
+ "6xmb",
+ "1dor",
+ "3tib",
+ "4myd",
+ "4we2",
+ "3wjy",
+ "3kbh",
+ "6oan",
+ "1fni",
+ "4adb",
+ "2mp2",
+ "1mzc",
+ "6dbg",
+ "3pou",
+ "1hho",
+ "7b3b",
+ "2vil",
+ "5st9",
+ "7n4f",
+ "1b8d",
+ "4eob",
+ "5d4b",
+ "3r3f",
+ "4nx0",
+ "4mc3",
+ "6rjo",
+ "6t5x",
+ "1bji",
+ "3wdy",
+ "5np3",
+ "6lsh",
+ "4ch6",
+ "2jft",
+ "1anf",
+ "7pjd",
+ "4jzo",
+ "4j9s",
+ "2gr9",
+ "4dy3",
+ "1wr0",
+ "7ozi",
+ "6pl6",
+ "6hmx",
+ "1et9",
+ "2r7l",
+ "3kfg",
+ "6e26",
+ "6i0k",
+ "4x0a",
+ "6ukd",
+ "1opi",
+ "3snd",
+ "7pt0",
+ "4tor",
+ "5lnq",
+ "5m4c",
+ "5o42",
+ "4nif",
+ "6tof",
+ "1euu",
+ "2alp",
+ "5x3y",
+ "4hvh",
+ "2zr7",
+ "2ns4",
+ "1y2c",
+ "6rn4",
+ "6bin",
+ "6ach",
+ "1gt7",
+ "3bg0",
+ "6frf",
+ "3zvy",
+ "5m9d",
+ "7ov3",
+ "6rhk",
+ "7tsh",
+ "6z7d",
+ "7a1o",
+ "2akq",
+ "3v7n",
+ "7c3i",
+ "2rfc",
+ "1ljw",
+ "7jvl",
+ "1shh",
+ "2j6o",
+ "2mkj",
+ "4uxw",
+ "6xuc",
+ "6b5e",
+ "4gcp",
+ "3ldi",
+ "6z4x",
+ "3zre",
+ "1xwg",
+ "5aii",
+ "7ce1",
+ "5fv9",
+ "2fcd",
+ "5ece",
+ "3mjh",
+ "5sqz",
+ "1moq",
+ "5y17",
+ "7uv1",
+ "5cqv",
+ "7npq",
+ "3lie",
+ "1nrx",
+ "5sz2",
+ "3m25",
+ "3zgo",
+ "4rll",
+ "3r3b",
+ "5z36",
+ "1z9m",
+ "1nuu",
+ "1xq0",
+ "6s6h",
+ "4kpt",
+ "1y14",
+ "5kfq",
+ "1iu6",
+ "6rw1",
+ "1u40",
+ "3svk",
+ "4i31",
+ "1u3t",
+ "3mzt",
+ "5n0e",
+ "2f36",
+ "3rpt",
+ "4jwk",
+ "2x3e",
+ "2hm3",
+ "3aeh",
+ "7l92",
+ "4nbh",
+ "7udo",
+ "7uo0",
+ "1i4p",
+ "6npk",
+ "5ypm",
+ "6on4",
+ "4xti",
+ "2i7k",
+ "3g2d",
+ "5tmd",
+ "4cce",
+ "1f0i",
+ "4plv",
+ "6evf",
+ "2gtt",
+ "7f5h",
+ "1ixa",
+ "3mb7",
+ "4k60",
+ "4h30",
+ "7cm0",
+ "3rre",
+ "1x7n",
+ "4h77",
+ "4o5n",
+ "3kkq",
+ "1c9v",
+ "7ety",
+ "4wfy",
+ "1yfq",
+ "1ego",
+ "2vr4",
+ "8exr",
+ "6ri2",
+ "4c8g",
+ "1n6g",
+ "2ay1",
+ "6szt",
+ "6m7m",
+ "5ugu",
+ "3l3j",
+ "5z1l",
+ "2zni",
+ "7o09",
+ "1aoz",
+ "6lhr",
+ "4iz5",
+ "6tys",
+ "6bm8",
+ "1ewd",
+ "5y2b",
+ "3vcf",
+ "3czk",
+ "5syn",
+ "4bk1",
+ "4gri",
+ "2i4q",
+ "5gld",
+ "1ni8",
+ "7uoc",
+ "7a15",
+ "1msk",
+ "2j3t",
+ "6nuq",
+ "3oo3",
+ "7u5a",
+ "4mpr",
+ "4dvg",
+ "2idw",
+ "5sra",
+ "1i1k",
+ "1hcc",
+ "3ecz",
+ "5vv4",
+ "3h6h",
+ "4bvt",
+ "5tgq",
+ "5yc8",
+ "6nhe",
+ "2cas",
+ "6awk",
+ "2htq",
+ "5dlk",
+ "5jrt",
+ "7qfo",
+ "3hhd",
+ "4z8b",
+ "6sbf",
+ "1x2i",
+ "6h9g",
+ "1dkw",
+ "1ny3",
+ "1azv",
+ "4kcg",
+ "6ujc",
+ "4p0i",
+ "3eb7",
+ "7y9v",
+ "2l2l",
+ "3uee",
+ "5g21",
+ "4qyx",
+ "1k7g",
+ "6pzs",
+ "5syi",
+ "4iqb",
+ "4loq",
+ "6x1o",
+ "1ygw",
+ "4glq",
+ "1y6o",
+ "1oi1",
+ "8cxz",
+ "3whj",
+ "4z0v",
+ "2z1s",
+ "7s21",
+ "6o7p",
+ "7em4",
+ "7a6k",
+ "5rpm",
+ "2fgn",
+ "4m5z",
+ "6gs1",
+ "1kbj",
+ "5c8c",
+ "1rq6",
+ "2ddm",
+ "3n3g",
+ "205l",
+ "4ghu",
+ "4twe",
+ "5jpa",
+ "6qno",
+ "4u60",
+ "4zhd",
+ "1pq7",
+ "7b14",
+ "5u2f",
+ "2b1w",
+ "8b9z",
+ "3zn8",
+ "3f4j",
+ "4d18",
+ "1ey3",
+ "2mhl",
+ "7e27",
+ "1lid",
+ "3tfa",
+ "2mmm",
+ "7ttw",
+ "7ukt",
+ "5bxr",
+ "5drw",
+ "7s3k",
+ "1my1",
+ "3lds",
+ "3ano",
+ "4i9b",
+ "3mkb",
+ "3adt",
+ "2m0y",
+ "6g3i",
+ "5kq8",
+ "4zob",
+ "5mxg",
+ "4wc6",
+ "6tos",
+ "2xkg",
+ "6i0j",
+ "1fo0",
+ "6n4x",
+ "5uag",
+ "4e3d",
+ "3q0d",
+ "1lca",
+ "2boo",
+ "1wc8",
+ "3tol",
+ "7vwk",
+ "5hwz",
+ "7nqc",
+ "6pfg",
+ "4khm",
+ "7uta",
+ "2jnr",
+ "6qta",
+ "4p0q",
+ "1eb7",
+ "2qp6",
+ "2bvo",
+ "2kgx",
+ "5fnx",
+ "4ccs",
+ "5ggt",
+ "1fzi",
+ "2iwt",
+ "1b54",
+ "2r16",
+ "6t8t",
+ "1l6v",
+ "6t5q",
+ "4v2c",
+ "1hf8",
+ "3axz",
+ "1vdr",
+ "6c8t",
+ "8a1f",
+ "6ap6",
+ "3ggq",
+ "1o01",
+ "16pk",
+ "7fqv",
+ "3n1z",
+ "7bwx",
+ "5iuf",
+ "1nuf",
+ "1t89",
+ "5ghj",
+ "6rqb",
+ "3h87",
+ "1n25",
+ "2w3q",
+ "3pos",
+ "6srg",
+ "1kr3",
+ "3rrc",
+ "7jta",
+ "5cpa",
+ "6i6z",
+ "6dcn",
+ "2rv1",
+ "6kny",
+ "3rn8",
+ "6ioc",
+ "4eks",
+ "4fad",
+ "2q2o",
+ "4w51",
+ "1tic",
+ "4pjm",
+ "2d3n",
+ "6qcl",
+ "8at8",
+ "7k0d",
+ "3f4b",
+ "7rxh",
+ "7oss",
+ "3w0s",
+ "7ozm",
+ "2p49",
+ "1cv5",
+ "4s2v",
+ "3zd7",
+ "4cvr",
+ "6sf4",
+ "2n8y",
+ "1pfk",
+ "1b4w",
+ "6oci",
+ "1uik",
+ "4wq4",
+ "1nmf",
+ "4yvi",
+ "6bc6",
+ "7p7x",
+ "3zdv",
+ "3pnf",
+ "3k16",
+ "4i5l",
+ "6pvw",
+ "1q3r",
+ "1zvk",
+ "6nvi",
+ "5vx1",
+ "6ro5",
+ "5hu3",
+ "1mwu",
+ "2x4p",
+ "1bi8",
+ "2vy0",
+ "5s5y",
+ "7d8o",
+ "5vk2",
+ "7ee5",
+ "6fbp",
+ "2q9z",
+ "3ebs",
+ "1n4u",
+ "8a3v",
+ "2ds2",
+ "5caw",
+ "7jhm",
+ "1e98",
+ "4glj",
+ "6ouc",
+ "4v07",
+ "3tcr",
+ "4ch5",
+ "4er5",
+ "3rzz",
+ "1k8r",
+ "1i3o",
+ "5s46",
+ "7ztz",
+ "1jtt",
+ "3tt3",
+ "7nct",
+ "6cnw",
+ "4a4i",
+ "2hyy",
+ "6ub3",
+ "5npa",
+ "1ww3",
+ "2vc1",
+ "4hju",
+ "5ykq",
+ "4y42",
+ "7ssm",
+ "5rs7",
+ "6ihd",
+ "7kjy",
+ "6pk3",
+ "2e40",
+ "1sok",
+ "4hgj",
+ "4dcf",
+ "1cer",
+ "1bix",
+ "4qjx",
+ "1klf",
+ "1h73",
+ "7ccn",
+ "5b4v",
+ "6isd",
+ "2xij",
+ "3e7x",
+ "2ovi",
+ "6uyi",
+ "4iyo",
+ "6g4i",
+ "3bpm",
+ "7mgq",
+ "3ca9",
+ "4u6h",
+ "4x6k",
+ "3b24",
+ "6y58",
+ "7qer",
+ "5uxz",
+ "6ze7",
+ "1k9c",
+ "2dzc",
+ "4w8v",
+ "7bq5",
+ "3ddu",
+ "1dz8",
+ "4utt",
+ "2ehq",
+ "4u76",
+ "4tm4",
+ "6ugw",
+ "3isz",
+ "5pyv",
+ "6i0x",
+ "5bwt",
+ "6qp9",
+ "2hmq",
+ "2q2l",
+ "3zii",
+ "3t03",
+ "7rpv",
+ "7bxt",
+ "1jh3",
+ "4zo2",
+ "4gtr",
+ "7e9j",
+ "2g4g",
+ "5zyx",
+ "1kho",
+ "2mql",
+ "6lzk",
+ "7nhu",
+ "3nzk",
+ "5ut9",
+ "5t0q",
+ "4gk4",
+ "6llx",
+ "1ihd",
+ "6vr6",
+ "2y6j",
+ "2a8a",
+ "4bzs",
+ "1hjc",
+ "5jig",
+ "1ubi",
+ "6v0q",
+ "3gep",
+ "6zlv",
+ "3x2l",
+ "2ckx",
+ "6jt5",
+ "4yjk",
+ "4edx",
+ "7cp0",
+ "3bz3",
+ "1fpu",
+ "1gb3",
+ "7v5y",
+ "7mkq",
+ "4ciz",
+ "1uic",
+ "1pkk",
+ "1y4f",
+ "3lu6",
+ "2jo1",
+ "6h31",
+ "1crq",
+ "1y7t",
+ "5nid",
+ "4c0j",
+ "1mkb",
+ "5pqp",
+ "6ac0",
+ "8ahf",
+ "4m07",
+ "4a7w",
+ "7wf5",
+ "3akh",
+ "6wzg",
+ "1tsf",
+ "5y5s",
+ "7ncj",
+ "4d7k",
+ "6gkd",
+ "4yhe",
+ "1pb3",
+ "2jfu",
+ "3inw",
+ "6qsk",
+ "4ccc",
+ "1jbb",
+ "7u9g",
+ "7u5z",
+ "1t2f",
+ "3su3",
+ "4wnw",
+ "4a5k",
+ "4jgy",
+ "7ohb",
+ "3tzz",
+ "4gzm",
+ "1jv2",
+ "5mev",
+ "5nws",
+ "2mlg",
+ "4fem",
+ "6ap4",
+ "5ca9",
+ "1pc6",
+ "3wz7",
+ "3t5j",
+ "1rp0",
+ "7uo4",
+ "5avd",
+ "4ey4",
+ "4fre",
+ "4krs",
+ "3zjv",
+ "4kxa",
+ "3nae",
+ "1tmi",
+ "6bvd",
+ "3ve2",
+ "1svb",
+ "7mds",
+ "2vot",
+ "6b21",
+ "4yae",
+ "3r1b",
+ "6rr6",
+ "4f2p",
+ "7qi2",
+ "3bt9",
+ "3oc6",
+ "5clb",
+ "5mub",
+ "3bf3",
+ "2o6e",
+ "6dg7",
+ "5l4f",
+ "6ren",
+ "4x6f",
+ "2pcc",
+ "4xp4",
+ "5jbm",
+ "6cpl",
+ "1shc",
+ "2mgy",
+ "1f7y",
+ "5zxi",
+ "6c7e",
+ "5s4j",
+ "3d4f",
+ "4ymg",
+ "2h68",
+ "4p7v",
+ "5ti7",
+ "6x6c",
+ "5bu6",
+ "2we2",
+ "2j0k",
+ "7wrk",
+ "5egm",
+ "5fu6",
+ "3lii",
+ "8e81",
+ "3e0g",
+ "2ske",
+ "7a6o",
+ "6vgd",
+ "7qrg",
+ "6xa9",
+ "2xre",
+ "3vgo",
+ "5mz4",
+ "2evz",
+ "4f50",
+ "3i5q",
+ "1ilh",
+ "6gb1",
+ "5jn8",
+ "4dw0",
+ "2hz8",
+ "1ya5",
+ "6g4e",
+ "5fya",
+ "5hld",
+ "7ea8",
+ "2esp",
+ "2xq5",
+ "4a9a",
+ "3h17",
+ "1jm7",
+ "4udm",
+ "5pcg",
+ "2ikh",
+ "3d2c",
+ "1ec0",
+ "6a1r",
+ "6sk0",
+ "7a58",
+ "5l0o",
+ "3sh9",
+ "5xrq",
+ "1dig",
+ "4iml",
+ "1q6e",
+ "3w4i",
+ "5nwn",
+ "5zt6",
+ "2arp",
+ "1q06",
+ "5nd5",
+ "3rp8",
+ "2d3w",
+ "5csj",
+ "5nsk",
+ "2f4j",
+ "8ein",
+ "5gjk",
+ "3tt9",
+ "2qgx",
+ "1xf3",
+ "2iid",
+ "7k7k",
+ "5m4o",
+ "3j06",
+ "5jlc",
+ "3mfc",
+ "3gpj",
+ "6fx2",
+ "1eym",
+ "5yrh",
+ "5t0u",
+ "2js9",
+ "7okt",
+ "6mve",
+ "7u8t",
+ "3lla",
+ "7ehk",
+ "4no8",
+ "5r3w",
+ "6cav",
+ "3lf2",
+ "7k5d",
+ "6tyq",
+ "7znz",
+ "5a0c",
+ "3s33",
+ "2mix",
+ "5j67",
+ "1qf4",
+ "2r6e",
+ "1n2g",
+ "1dtu",
+ "1vjm",
+ "5orj",
+ "6ty2",
+ "8cxx",
+ "4a5a",
+ "4gj3",
+ "5phy",
+ "7nxe",
+ "5yk5",
+ "1ivh",
+ "6zt9",
+ "4l51",
+ "5kc6",
+ "4bqb",
+ "1p1e",
+ "5pqd",
+ "7bza",
+ "1rp9",
+ "2z3r",
+ "3n9l",
+ "4ype",
+ "6s4u",
+ "2ewb",
+ "6gg7",
+ "4cgv",
+ "1ft2",
+ "6p7b",
+ "2nnj",
+ "6cp0",
+ "1s2q",
+ "1szv",
+ "5gzv",
+ "5c58",
+ "3o7w",
+ "1h9v",
+ "1y66",
+ "7chj",
+ "1uc0",
+ "6tli",
+ "1dhr",
+ "6vto",
+ "1b8c",
+ "5zzd",
+ "4fc0",
+ "5s4r",
+ "5a8n",
+ "4tkp",
+ "7jz2",
+ "6hni",
+ "6b08",
+ "2v89",
+ "7duv",
+ "6xgr",
+ "1riw",
+ "1rzi",
+ "3int",
+ "6tq4",
+ "4b36",
+ "5w4q",
+ "4pzf",
+ "3vk7",
+ "3aaj",
+ "6pik",
+ "2py0",
+ "6ncn",
+ "4yco",
+ "5j89",
+ "6r5g",
+ "7s77",
+ "2pfv",
+ "6pmb",
+ "1j74",
+ "5l72",
+ "5w8y",
+ "6jz0",
+ "5spl",
+ "1p6x",
+ "7qe5",
+ "6er9",
+ "7qnb",
+ "6r85",
+ "3vko",
+ "7mfh",
+ "7rsa",
+ "1cia",
+ "7u5i",
+ "1wch",
+ "1a50",
+ "1arc",
+ "2zly",
+ "5ftj",
+ "5l5t",
+ "7mg8",
+ "5zec",
+ "1q12",
+ "6t5j",
+ "1feo",
+ "1vf9",
+ "6jy0",
+ "1h2j",
+ "5pbn",
+ "4kgb",
+ "4dwv",
+ "3a7r",
+ "6q39",
+ "3zhy",
+ "3chg",
+ "4yrb",
+ "1tl2",
+ "7nxv",
+ "2l8y",
+ "3nnh",
+ "7qrm",
+ "3a73",
+ "6anr",
+ "7mj8",
+ "1sl5",
+ "7lc4",
+ "2jzs",
+ "4mdx",
+ "1pyg",
+ "1hv6",
+ "7jws",
+ "2h2h",
+ "5wq4",
+ "5z7y",
+ "7bhq",
+ "7emp",
+ "2beb",
+ "4r0i",
+ "4h1u",
+ "7l5l",
+ "1h95",
+ "5w6f",
+ "2wos",
+ "5awl",
+ "3rk6",
+ "4nfd",
+ "2p8q",
+ "3wll",
+ "4nij",
+ "5dfv",
+ "6b6g",
+ "2wo1",
+ "3il5",
+ "6bv1",
+ "3ufb",
+ "2fip",
+ "7pfc",
+ "7vgm",
+ "6h3q",
+ "3q3i",
+ "1w99",
+ "3lqv",
+ "4nw2",
+ "3ce3",
+ "7ygi",
+ "7xoh",
+ "1obv",
+ "3d04",
+ "6r5t",
+ "8ap4",
+ "2on3",
+ "6t4s",
+ "7w2y",
+ "3uxk",
+ "2ld4",
+ "1vqf",
+ "7yj8",
+ "1cpc",
+ "5vnb",
+ "1zw3",
+ "2nle",
+ "3lfk",
+ "2pw5",
+ "7t4j",
+ "2w59",
+ "5veq",
+ "7orr",
+ "1f0c",
+ "1ye0",
+ "6o0c",
+ "4z1g",
+ "6pkl",
+ "7t2u",
+ "4o70",
+ "3fr4",
+ "3h5z",
+ "3qxj",
+ "3h9k",
+ "3tms",
+ "3lwo",
+ "6wf7",
+ "4czr",
+ "2k37",
+ "7lhy",
+ "1qwp",
+ "2p20",
+ "7s7k",
+ "1wsv",
+ "3t4j",
+ "1j90",
+ "5kx4",
+ "2mzx",
+ "8gz6",
+ "2wbj",
+ "2xkb",
+ "3k1x",
+ "2gzz",
+ "8d9b",
+ "5eu8",
+ "2hcr",
+ "4b4d",
+ "2wka",
+ "4kmy",
+ "1f7q",
+ "6o1l",
+ "5fpn",
+ "6ovc",
+ "6f91",
+ "1wcs",
+ "3eo1",
+ "7epe",
+ "4cba",
+ "3kp8",
+ "5a52",
+ "6oku",
+ "3s8v",
+ "3drq",
+ "2eir",
+ "3ss2",
+ "6x1x",
+ "1lhr",
+ "7avk",
+ "1is0",
+ "1ryh",
+ "2ggj",
+ "7l1j",
+ "5nbf",
+ "7k03",
+ "4ggz",
+ "1vhz",
+ "3zrf",
+ "3ql2",
+ "7et8",
+ "3b08",
+ "7rgg",
+ "8arp",
+ "6ivj",
+ "1tus",
+ "4byz",
+ "5jpt",
+ "7nhq",
+ "1ghu",
+ "2rs2",
+ "7wui",
+ "6t4g",
+ "6d1u",
+ "5ptb",
+ "1paa",
+ "6hbh",
+ "2v86",
+ "3m8l",
+ "3m8b",
+ "6m65",
+ "2j6l",
+ "4jje",
+ "6ai9",
+ "4xrx",
+ "7jn8",
+ "1gyq",
+ "6ezc",
+ "1nsx",
+ "2g9k",
+ "7ris",
+ "3qg1",
+ "6qlc",
+ "3v61",
+ "3s7k",
+ "4nc7",
+ "6r36",
+ "5l1p",
+ "1lb7",
+ "5o2v",
+ "3nub",
+ "5equ",
+ "6wqh",
+ "5o4i",
+ "1m63",
+ "6xrm",
+ "5b42",
+ "3ne4",
+ "2kkw",
+ "2l9l",
+ "6z32",
+ "4y9l",
+ "6dpd",
+ "1a8k",
+ "2c8v",
+ "2mgi",
+ "5iol",
+ "5sak",
+ "2b87",
+ "2qj4",
+ "3zms",
+ "2xka",
+ "1den",
+ "112l",
+ "5j8l",
+ "6vce",
+ "4k7s",
+ "6vw8",
+ "6vbq",
+ "5rsu",
+ "4lof",
+ "1tvx",
+ "4x8a",
+ "3t6y",
+ "1pwg",
+ "6vqa",
+ "3zph",
+ "2dor",
+ "4fgu",
+ "6hlw",
+ "2wbm",
+ "7dda",
+ "4c7v",
+ "7w9y",
+ "2vfg",
+ "4igf",
+ "6fbq",
+ "4dqc",
+ "2zvr",
+ "3r2w",
+ "2vlz",
+ "6ga2",
+ "4axe",
+ "2ojo",
+ "2n5u",
+ "6b2x",
+ "7ypx",
+ "6xx5",
+ "7l2k",
+ "5a94",
+ "5woc",
+ "4q5o",
+ "4hxx",
+ "4jap",
+ "5sq4",
+ "3wmb",
+ "4w8y",
+ "1v5x",
+ "3on9",
+ "4rn1",
+ "3mlk",
+ "6jye",
+ "3htt",
+ "5vr6",
+ "6nne",
+ "3jbi",
+ "6yhm",
+ "6uqf",
+ "1i37",
+ "6sz2",
+ "6yoc",
+ "5jir",
+ "5oe7",
+ "3c6m",
+ "2rku",
+ "4n5j",
+ "5hek",
+ "3alg",
+ "1q89",
+ "2ws0",
+ "6uda",
+ "1fv9",
+ "6dh8",
+ "1ne4",
+ "6g7i",
+ "1iab",
+ "4jin",
+ "6u6q",
+ "6foy",
+ "1v0e",
+ "3g4a",
+ "1gko",
+ "7r8d",
+ "5i5e",
+ "6z0p",
+ "6wb8",
+ "4pej",
+ "5c0e",
+ "4k7u",
+ "6v3y",
+ "6xhn",
+ "7b4f",
+ "6gqq",
+ "2boy",
+ "6ld4",
+ "5vqw",
+ "2uyz",
+ "6snk",
+ "6n47",
+ "5x1h",
+ "2f8p",
+ "2tgf",
+ "4k6b",
+ "6b3b",
+ "3sb8",
+ "7rhx",
+ "6rjx",
+ "4p4f",
+ "8cio",
+ "6s08",
+ "6n4i",
+ "6fmp",
+ "7s99",
+ "1mke",
+ "6u0s",
+ "1w5f",
+ "6k0w",
+ "5jda",
+ "7yjk",
+ "4p0v",
+ "5p21",
+ "6ucf",
+ "1v3t",
+ "7wax",
+ "1uvy",
+ "2n4c",
+ "7oov",
+ "3fw0",
+ "4lb7",
+ "3s5f",
+ "6fjg",
+ "5u77",
+ "1fu5",
+ "4dko",
+ "7t5f",
+ "3tv7",
+ "6d1x",
+ "5vwd",
+ "3zf2",
+ "1z7r",
+ "4mx3",
+ "2f2f",
+ "2rmh",
+ "4em3",
+ "3af2",
+ "5mj4",
+ "4lke",
+ "6m78",
+ "5e7o",
+ "5pcx",
+ "7ks8",
+ "4a5x",
+ "6fi5",
+ "4n0t",
+ "1n7d",
+ "2ny2",
+ "1iw0",
+ "6qoa",
+ "2edm",
+ "2zcn",
+ "2mli",
+ "4yzh",
+ "5ywa",
+ "7q03",
+ "5p19",
+ "7nmb",
+ "4ria",
+ "1dil",
+ "3rlk",
+ "7snu",
+ "2l5x",
+ "4ryn",
+ "4av9",
+ "3sur",
+ "7d2b",
+ "5inh",
+ "5xex",
+ "7esc",
+ "7wy2",
+ "6lh8",
+ "6h2b",
+ "1pqs",
+ "4j8z",
+ "3lvv",
+ "5i4z",
+ "3g05",
+ "3hsf",
+ "5ui4",
+ "6etp",
+ "5emi",
+ "5pfj",
+ "4p5t",
+ "3c56",
+ "4k84",
+ "6ogt",
+ "4l2w",
+ "5aa3",
+ "2flz",
+ "3ory",
+ "2ynd",
+ "7bnk",
+ "3rft",
+ "3cx4",
+ "3s8y",
+ "3sam",
+ "6xt0",
+ "5kpf",
+ "4pqy",
+ "5uqt",
+ "6xva",
+ "3wbn",
+ "1vh7",
+ "2j8z",
+ "1pir",
+ "6cbh",
+ "7x40",
+ "8fce",
+ "2jvo",
+ "5kfn",
+ "4hj0",
+ "3iko",
+ "2qdn",
+ "2d36",
+ "4f49",
+ "1neq",
+ "4wnz",
+ "1mdv",
+ "5lgd",
+ "6yk2",
+ "6fa0",
+ "5ikt",
+ "6bbv",
+ "1dvn",
+ "6eqp",
+ "4gpa",
+ "4e3o",
+ "6b82",
+ "6bwn",
+ "2w91",
+ "4zb9",
+ "5d6o",
+ "1ob8",
+ "1iyy",
+ "6rn1",
+ "7k7q",
+ "5nxp",
+ "1yvf",
+ "4lht",
+ "7yt9",
+ "6op5",
+ "4zra",
+ "6r75",
+ "6qfi",
+ "2bp7",
+ "1vfe",
+ "5pgp",
+ "6rcw",
+ "4gsc",
+ "4ajx",
+ "2de4",
+ "1w28",
+ "7nbi",
+ "3he4",
+ "3zzx",
+ "3i5g",
+ "3blm",
+ "6df8",
+ "5ofc",
+ "5c2z",
+ "1uov",
+ "7v74",
+ "3rk5",
+ "7s8v",
+ "1vg3",
+ "6mcx",
+ "2j8l",
+ "2q8v",
+ "6thk",
+ "5ut6",
+ "2i3v",
+ "6u7p",
+ "1k6k",
+ "7ozk",
+ "5ned",
+ "3l65",
+ "5o9o",
+ "7o24",
+ "5jmr",
+ "1l6p",
+ "8czh",
+ "7a02",
+ "6ufb",
+ "2n80",
+ "6gbq",
+ "5igk",
+ "6i5o",
+ "6tuw",
+ "6x23",
+ "5yul",
+ "6xb8",
+ "6lxs",
+ "2e7e",
+ "7rdj",
+ "3zhm",
+ "3qw5",
+ "7ot3",
+ "6qv2",
+ "1ekm",
+ "7t2z",
+ "5nae",
+ "8d06",
+ "4gd9",
+ "2rrh",
+ "4ke5",
+ "6l6c",
+ "4fzb",
+ "6njz",
+ "5jbe",
+ "3vvr",
+ "2aai",
+ "4fhb",
+ "6wnc",
+ "2lv6",
+ "2w25",
+ "5jqf",
+ "4arp",
+ "6mo7",
+ "6oh4",
+ "7cec",
+ "3mwj",
+ "5bv6",
+ "1d1y",
+ "5ljc",
+ "5ekh",
+ "7x7s",
+ "5z0c",
+ "1med",
+ "7auw",
+ "2ev0",
+ "1eba",
+ "4e7i",
+ "5uzp",
+ "4hse",
+ "1sdn",
+ "1crb",
+ "4wm7",
+ "6amp",
+ "7e7x",
+ "4qp9",
+ "7e6i",
+ "4wf6",
+ "3uah",
+ "4dou",
+ "3wzp",
+ "4n4t",
+ "7kxf",
+ "187l",
+ "6bhc",
+ "6mor",
+ "5dhf",
+ "6f0n",
+ "2l7i",
+ "3kut",
+ "7k3t",
+ "4q3x",
+ "1bvi",
+ "2qev",
+ "5p0t",
+ "4z92",
+ "7xz5",
+ "4lkv",
+ "5qmu",
+ "4hz9",
+ "1k3o",
+ "6g0o",
+ "5kew",
+ "6i1d",
+ "5v53",
+ "1f1c",
+ "6v6a",
+ "6fyz",
+ "1h0z",
+ "5jad",
+ "4fyg",
+ "7xbd",
+ "5e9c",
+ "4ea3",
+ "4p1u",
+ "7di3",
+ "1bz1",
+ "6ez4",
+ "7loz",
+ "3ecn",
+ "1ljk",
+ "7lsw",
+ "1bg7",
+ "2i0j",
+ "6te2",
+ "6xwp",
+ "1nxi",
+ "6nhd",
+ "4oh2",
+ "4r8z",
+ "1ghj",
+ "6onr",
+ "6sc9",
+ "3omn",
+ "4pp4",
+ "4u6x",
+ "1kvn",
+ "1hro",
+ "1xqo",
+ "2dg9",
+ "3bre",
+ "3vdq",
+ "2cde",
+ "2hka",
+ "6kb2",
+ "1hhp",
+ "3jr5",
+ "6yzs",
+ "8eb0",
+ "3pde",
+ "6kbq",
+ "7s8m",
+ "7mz6",
+ "7c6c",
+ "2pza",
+ "3psd",
+ "4h1l",
+ "6tbi",
+ "2bej",
+ "3mw2",
+ "6frb",
+ "1olm",
+ "1zbi",
+ "5ypx",
+ "5unu",
+ "2rh8",
+ "2mgg",
+ "5vga",
+ "1bm0",
+ "3f1o",
+ "2fyn",
+ "5f6x",
+ "3pd1",
+ "2jdf",
+ "4k1z",
+ "6o58",
+ "6va0",
+ "3cgm",
+ "7ntn",
+ "4dtm",
+ "1jiz",
+ "6xkb",
+ "1zzd",
+ "1gy0",
+ "1kca",
+ "1iku",
+ "6jvz",
+ "1hce",
+ "1o4m",
+ "5gty",
+ "6fs6",
+ "6idn",
+ "6a2o",
+ "5v1a",
+ "6ygb",
+ "6nz3",
+ "2aop",
+ "5zia",
+ "4x9l",
+ "4a50",
+ "2rez",
+ "4a5m",
+ "5f03",
+ "1z9j",
+ "7kt5",
+ "7cu5",
+ "7mvt",
+ "7bcw",
+ "1a6m",
+ "4bu3",
+ "1kv4",
+ "2owi",
+ "2cy0",
+ "3f8v",
+ "5axs",
+ "6s88",
+ "5v13",
+ "7vvj",
+ "7nn9",
+ "5yij",
+ "7tyi",
+ "5gnd",
+ "5oqk",
+ "1cko",
+ "8hpj",
+ "1by2",
+ "7xud",
+ "3sdt",
+ "5lra",
+ "1n31",
+ "2wh9",
+ "6hgh",
+ "1ndd",
+ "5pj7",
+ "4gyw",
+ "5umy",
+ "3p2q",
+ "3q83",
+ "5xgq",
+ "2qna",
+ "6ee0",
+ "7nft",
+ "4mkc",
+ "7vpy",
+ "2omt",
+ "6ubf",
+ "7nv0",
+ "5c9x",
+ "7si0",
+ "3h6t",
+ "6pqm",
+ "4z2p",
+ "5g1m",
+ "6lxb",
+ "5o5l",
+ "4hrd",
+ "1k5u",
+ "8cem",
+ "4n6q",
+ "1bwq",
+ "3huf",
+ "1hfa",
+ "2oi7",
+ "7ycn",
+ "2m8m",
+ "3tqj",
+ "4yso",
+ "4yma",
+ "7prl",
+ "4tqa",
+ "7k73",
+ "1igd",
+ "3n6r",
+ "6pz3",
+ "5h07",
+ "2nwz",
+ "7bc3",
+ "1kdu",
+ "1nj4",
+ "8equ",
+ "3pey",
+ "3isf",
+ "4j36",
+ "5sv9",
+ "6gif",
+ "3l42",
+ "3mhj",
+ "6ix3",
+ "1c2h",
+ "5jwo",
+ "3f2g",
+ "6o1m",
+ "4i20",
+ "1lhn",
+ "4goy",
+ "5zkl",
+ "5ica",
+ "3r6w",
+ "6gxa",
+ "1rzq",
+ "1v0o",
+ "4y0d",
+ "5s35",
+ "5j2t",
+ "3o56",
+ "5aja",
+ "3s6v",
+ "5h7e",
+ "7ap3",
+ "2zuy",
+ "7c8x",
+ "1cuu",
+ "4qrp",
+ "3i6o",
+ "4eyt",
+ "6o3b",
+ "5kar",
+ "2dqn",
+ "1p7r",
+ "5nzb",
+ "3m8f",
+ "6qq1",
+ "4erp",
+ "1a6q",
+ "6iad",
+ "1rhu",
+ "3im3",
+ "2fve",
+ "6wwo",
+ "3u6y",
+ "6xic",
+ "4q1s",
+ "5dtd",
+ "2y5b",
+ "4ahr",
+ "7bx7",
+ "6jkz",
+ "1s2j",
+ "7xer",
+ "2rfk",
+ "1h9r",
+ "4twp",
+ "4dop",
+ "8d5q",
+ "5mrk",
+ "5ukk",
+ "1qjq",
+ "7b49",
+ "1qli",
+ "6mq6",
+ "4tnv",
+ "1yuz",
+ "5mv7",
+ "6hua",
+ "1kp9",
+ "5rgc",
+ "7sv3",
+ "1mlw",
+ "7xk6",
+ "1rgb",
+ "7c3e",
+ "3mqe",
+ "4rxd",
+ "5e8y",
+ "5x2l",
+ "7sr6",
+ "7c6h",
+ "6jon",
+ "5do0",
+ "5mdh",
+ "2e6w",
+ "2pyu",
+ "2bxf",
+ "4i5g",
+ "6csg",
+ "5pmn",
+ "4ajl",
+ "2ah9",
+ "1xfg",
+ "6cpd",
+ "1o77",
+ "6imu",
+ "3mak",
+ "6ihl",
+ "1y8w",
+ "8grg",
+ "7z0w",
+ "7l6x",
+ "2qr8",
+ "7m1l",
+ "8e1j",
+ "5kiw",
+ "6a5x",
+ "6uiu",
+ "3juk",
+ "4wau",
+ "1q05",
+ "3en0",
+ "1pt6",
+ "4r4u",
+ "5eb2",
+ "6d11",
+ "6vhy",
+ "6h4q",
+ "7dkb",
+ "4fym",
+ "6g34",
+ "2exk",
+ "4kl9",
+ "6ttc",
+ "4ke2",
+ "6doh",
+ "6xp4",
+ "3qmm",
+ "1ljy",
+ "3dyb",
+ "2znn",
+ "1o65",
+ "6jcb",
+ "8ghu",
+ "5j29",
+ "3r4p",
+ "7v2h",
+ "1dvc",
+ "7mpc",
+ "3gs0",
+ "5yiq",
+ "3u90",
+ "6ijp",
+ "4d30",
+ "2h70",
+ "3zhq",
+ "5n1i",
+ "4xps",
+ "2fc3",
+ "2e9q",
+ "1y75",
+ "5poi",
+ "1tof",
+ "5bp2",
+ "6jjl",
+ "4rcm",
+ "1foa",
+ "1jrf",
+ "5zgx",
+ "4ic4",
+ "5sas",
+ "5n9n",
+ "6ptw",
+ "7uqy",
+ "2b22",
+ "1nd7",
+ "7m8a",
+ "4xf7",
+ "1h4z",
+ "6w8a",
+ "1uvp",
+ "6mqz",
+ "1qgh",
+ "7uuz",
+ "1eob",
+ "6rfm",
+ "3esd",
+ "1glg",
+ "3mwp",
+ "5k1w",
+ "7zl9",
+ "4ylg",
+ "3iij",
+ "1iok",
+ "1y6e",
+ "3d32",
+ "5a04",
+ "4d1f",
+ "5poq",
+ "1j5h",
+ "3h8k",
+ "2ljx",
+ "6por",
+ "7cub",
+ "7wa2",
+ "3oa9",
+ "1ubx",
+ "5uvc",
+ "6ryp",
+ "7k7y",
+ "6gqu",
+ "6igh",
+ "6zly",
+ "3d1z",
+ "7kaf",
+ "7l3g",
+ "3odi",
+ "1ylt",
+ "6ssf",
+ "1zn8",
+ "4nto",
+ "1t18",
+ "4zpd",
+ "2z2m",
+ "7tq0",
+ "4mee",
+ "5irn",
+ "6v92",
+ "5ans",
+ "4kh4",
+ "1dvh",
+ "2qdh",
+ "1yyr",
+ "6dx7",
+ "4j4a",
+ "5dnj",
+ "7bvb",
+ "2ku4",
+ "4j9v",
+ "4g1o",
+ "4axr",
+ "1iac",
+ "6o0n",
+ "4d2o",
+ "4qpb",
+ "6tyz",
+ "9rat",
+ "2rkd",
+ "1jvx",
+ "4xs4",
+ "2uwp",
+ "1suf",
+ "1ca2",
+ "4tqr",
+ "8dbl",
+ "6qg9",
+ "1ahk",
+ "7vzq",
+ "6qel",
+ "1h42",
+ "3w1g",
+ "7wiy",
+ "3q1e",
+ "6n8v",
+ "1h8a",
+ "1oq7",
+ "4qrr",
+ "6cq4",
+ "3mde",
+ "5kfa",
+ "5w5c",
+ "6zzk",
+ "6ipi",
+ "3vnx",
+ "6afc",
+ "5zjp",
+ "5xwj",
+ "2y5g",
+ "4lwt",
+ "5zed",
+ "2rh4",
+ "6no4",
+ "1gbg",
+ "6wy0",
+ "1mnt",
+ "4rqu",
+ "7zwq",
+ "3vgu",
+ "6ybb",
+ "6fv0",
+ "3ms9",
+ "5pgq",
+ "6beg",
+ "6huo",
+ "5rek",
+ "7y4i",
+ "1uoo",
+ "4huf",
+ "2z52",
+ "4dbc",
+ "6gtk",
+ "2x82",
+ "4dck",
+ "5k4q",
+ "2xan",
+ "5k9w",
+ "4y0f",
+ "2x65",
+ "4r4m",
+ "2uuk",
+ "3rd8",
+ "2c1s",
+ "4cy1",
+ "5hhp",
+ "1pho",
+ "4jep",
+ "4yjn",
+ "5c1f",
+ "1edq",
+ "5vph",
+ "4x6m",
+ "6mgt",
+ "6iet",
+ "5eup",
+ "1yv3",
+ "2ogt",
+ "7nsu",
+ "6tx9",
+ "7nsc",
+ "3v47",
+ "2a9g",
+ "4fp8",
+ "6rrg",
+ "3a5q",
+ "1crl",
+ "3mas",
+ "3i1y",
+ "2z7e",
+ "3wek",
+ "5qcl",
+ "4yz9",
+ "5s65",
+ "2ajb",
+ "1r0l",
+ "2jjs",
+ "2pg8",
+ "7o38",
+ "5k2b",
+ "4pwj",
+ "5kxk",
+ "5oyb",
+ "1rka",
+ "5xjp",
+ "6gpx",
+ "4wnb",
+ "3deo",
+ "7foe",
+ "7tl7",
+ "5z4y",
+ "1ujq",
+ "4uta",
+ "3up7",
+ "3g10",
+ "1k07",
+ "1cqx",
+ "3k1r",
+ "6r0j",
+ "4nsm",
+ "5la9",
+ "6qum",
+ "1b85",
+ "2e8t",
+ "4cc3",
+ "5x4w",
+ "1a0p",
+ "1moy",
+ "2nxg",
+ "2yby",
+ "3nim",
+ "1lx6",
+ "2fqd",
+ "6lkd",
+ "6vna",
+ "4n8m",
+ "4fnr",
+ "6rdt",
+ "7w0s",
+ "6q28",
+ "7nix",
+ "3r4v",
+ "3eak",
+ "2mvz",
+ "3ul4",
+ "1ldb",
+ "4xzp",
+ "3e5u",
+ "6mwv",
+ "6miu",
+ "4w1s",
+ "6krv",
+ "3nk9",
+ "1unl",
+ "3e2p",
+ "4d74",
+ "6f7c",
+ "8czx",
+ "4d2n",
+ "4e51",
+ "2omv",
+ "5u55",
+ "1fz2",
+ "7kwm",
+ "5p2k",
+ "7vwt",
+ "1fe3",
+ "2aae",
+ "3l6x",
+ "5v58",
+ "4blu",
+ "6dqx",
+ "5eqi",
+ "2d91",
+ "5ysz",
+ "2eks",
+ "2kdl",
+ "1a5j",
+ "1i16",
+ "5mox",
+ "1nqg",
+ "1hmw",
+ "1p8o",
+ "1zk4",
+ "5f0m",
+ "5s3y",
+ "3h4e",
+ "7wy0",
+ "4uaj",
+ "4cyy",
+ "4pmh",
+ "6cxd",
+ "6plo",
+ "2vbd",
+ "1dme",
+ "2bhm",
+ "2rgz",
+ "4ev6",
+ "7eo7",
+ "4d5k",
+ "6fh6",
+ "3uue",
+ "6u5p",
+ "4dxf",
+ "1uwx",
+ "6n1q",
+ "1eui",
+ "8edj",
+ "7zwf",
+ "2ukd",
+ "2h5i",
+ "6o8a",
+ "1w62",
+ "4amy",
+ "6hjn",
+ "5ax1",
+ "3t8b",
+ "1ou8",
+ "7cm7",
+ "3s6i",
+ "7b4c",
+ "4hhj",
+ "2ans",
+ "6mmp",
+ "1kiy",
+ "2m9h",
+ "7u6p",
+ "3md7",
+ "3iey",
+ "2xn3",
+ "5pj1",
+ "4itm",
+ "7pwa",
+ "5kf2",
+ "5ika",
+ "6pwg",
+ "6pnq",
+ "5mjp",
+ "1sx0",
+ "2o3b",
+ "2wg7",
+ "1kz2",
+ "4ufw",
+ "6cz9",
+ "7lub",
+ "5ijb",
+ "4o15",
+ "2byd",
+ "2xj3",
+ "6x94",
+ "5xdo",
+ "4aao",
+ "7wgo",
+ "2fft",
+ "7z59",
+ "4c43",
+ "6q37",
+ "1h3q",
+ "6z3m",
+ "2c1z",
+ "5l4s",
+ "3x2i",
+ "4wag",
+ "3sny",
+ "5i9t",
+ "3wtf",
+ "1nph",
+ "4dc1",
+ "6egu",
+ "7t9h",
+ "6yhp",
+ "1eqc",
+ "3lko",
+ "1snk",
+ "1fsw",
+ "6a05",
+ "4wde",
+ "2fzk",
+ "2ak2",
+ "1a3i",
+ "6ovb",
+ "6o1q",
+ "6mki",
+ "1lhv",
+ "1lyc",
+ "6s3w",
+ "1tm2",
+ "1fw0",
+ "3ppo",
+ "2bmr",
+ "1jrt",
+ "6bdk",
+ "6ml3",
+ "5zhc",
+ "5kr0",
+ "1yr6",
+ "6od7",
+ "3r5d",
+ "7vcs",
+ "6pm6",
+ "5w8w",
+ "1qs8",
+ "2w9t",
+ "1yxx",
+ "1e6b",
+ "4ye0",
+ "3tj9",
+ "2o06",
+ "2ncg",
+ "1o8l",
+ "6too",
+ "5a91",
+ "6con",
+ "7xzj",
+ "5sqw",
+ "7b7r",
+ "6ww1",
+ "1lb3",
+ "1mif",
+ "6zli",
+ "2ps4",
+ "1j88",
+ "1h6d",
+ "4fcm",
+ "3p62",
+ "3vah",
+ "1xty",
+ "6fan",
+ "5ul3",
+ "6ww9",
+ "4r41",
+ "7k9r",
+ "6tqm",
+ "1svk",
+ "6dlj",
+ "3etr",
+ "1dkj",
+ "6t0h",
+ "1mjw",
+ "4j2t",
+ "5fd2",
+ "5svt",
+ "2qd2",
+ "1caa",
+ "3so2",
+ "3vkx",
+ "6iid",
+ "1rjn",
+ "6syd",
+ "5ljm",
+ "2gp8",
+ "2lf8",
+ "2c76",
+ "3e8l",
+ "7oz2",
+ "4ecm",
+ "6q89",
+ "5mek",
+ "4w9x",
+ "2dd5",
+ "1bje",
+ "5eih",
+ "5rcl",
+ "6q4q",
+ "5ufj",
+ "5ioq",
+ "4hfl",
+ "4qnb",
+ "1bn1",
+ "8d73",
+ "2nzx",
+ "4yxu",
+ "6qqk",
+ "5ptq",
+ "1z9w",
+ "1jhn",
+ "7mrm",
+ "3r0e",
+ "1s7n",
+ "5k5b",
+ "6aqq",
+ "1m8o",
+ "4mmi",
+ "7e2t",
+ "4jd6",
+ "3g0i",
+ "7kww",
+ "2a3d",
+ "1xp0",
+ "2p16",
+ "1yxe",
+ "3keg",
+ "3noj",
+ "6m5r",
+ "2isg",
+ "1qco",
+ "1ng7",
+ "6zwr",
+ "1x8k",
+ "5rga",
+ "2okz",
+ "6lkt",
+ "3mtf",
+ "8htw",
+ "6ix1",
+ "2zhs",
+ "1feu",
+ "7mli",
+ "7zu2",
+ "7t78",
+ "6xhf",
+ "5h5d",
+ "7z2b",
+ "1a4s",
+ "5vro",
+ "5z08",
+ "2fxr",
+ "6df6",
+ "5xjh",
+ "2efu",
+ "5a1m",
+ "3kxt",
+ "5ozw",
+ "6cv9",
+ "3vav",
+ "6wxb",
+ "3p81",
+ "4rme",
+ "6i6u",
+ "4or8",
+ "6uqz",
+ "3k4c",
+ "1xwe",
+ "5z2e",
+ "3gxb",
+ "4geu",
+ "1h5w",
+ "7t6k",
+ "4tyw",
+ "6yrn",
+ "6gw7",
+ "1lmi",
+ "2il6",
+ "5mnt",
+ "5vjh",
+ "5n9m",
+ "1hue",
+ "1h2m",
+ "3vlb",
+ "1o0o",
+ "3w0n",
+ "3bei",
+ "1q5j",
+ "4l3n",
+ "6s3c",
+ "4zml",
+ "3tf3",
+ "1dvv",
+ "5ja9",
+ "1rec",
+ "6qkj",
+ "4itv",
+ "1g3j",
+ "5cwm",
+ "1glv",
+ "2zxr",
+ "1vis",
+ "5cot",
+ "6ga8",
+ "7dhp",
+ "5wgy",
+ "2rdr",
+ "1ca9",
+ "7fh3",
+ "7d6d",
+ "5p2a",
+ "6fc6",
+ "5rco",
+ "5p74",
+ "7omb",
+ "4jnf",
+ "2hlh",
+ "7f1l",
+ "5dxa",
+ "4eh5",
+ "5vdc",
+ "5gar",
+ "4gtb",
+ "4fz3",
+ "2oun",
+ "5thf",
+ "6acb",
+ "3k7t",
+ "6qe7",
+ "4laj",
+ "2ykg",
+ "2zsf",
+ "5emx",
+ "5z4m",
+ "3fzk",
+ "2pwg",
+ "2of3",
+ "7xo2",
+ "3rqf",
+ "3ojy",
+ "1lc2",
+ "2c66",
+ "6mye",
+ "7f2h",
+ "4wen",
+ "3me3",
+ "7fry",
+ "2amc",
+ "1br5",
+ "5f1e",
+ "7kj8",
+ "6v76",
+ "5hto",
+ "3h0v",
+ "1j7i",
+ "4izd",
+ "1eu3",
+ "7t28",
+ "6uln",
+ "3jbx",
+ "2bdm",
+ "3trp",
+ "3t7m",
+ "5oqz",
+ "1bjf",
+ "2aoe",
+ "5hhn",
+ "5plg",
+ "5ts0",
+ "7cv0",
+ "2ay9",
+ "3j7g",
+ "7st9",
+ "1dp6",
+ "3q1o",
+ "1ddj",
+ "2wrw",
+ "3ihb",
+ "5sb4",
+ "3vrg",
+ "6oog",
+ "5ma2",
+ "7fhr",
+ "3k3j",
+ "3lda",
+ "6ki0",
+ "7z2y",
+ "6p1u",
+ "3id4",
+ "1rcb",
+ "2ruy",
+ "3s1u",
+ "1rzb",
+ "6iyb",
+ "4l6t",
+ "3w9k",
+ "5oym",
+ "3thg",
+ "3oki",
+ "2ddb",
+ "4mum",
+ "5y0a",
+ "4lq9",
+ "8dhh",
+ "3i5y",
+ "4b42",
+ "5ybj",
+ "2wv2",
+ "6x40",
+ "6uy4",
+ "3o5q",
+ "3k0d",
+ "7b64",
+ "4j3r",
+ "4zlb",
+ "7zrm",
+ "7wuv",
+ "1waf",
+ "6jpv",
+ "7rys",
+ "2bkc",
+ "4twn",
+ "1wdl",
+ "6v55",
+ "4it4",
+ "2yiz",
+ "3sah",
+ "6p2j",
+ "4izm",
+ "1iof",
+ "3lz3",
+ "5htp",
+ "6rfn",
+ "7nwc",
+ "5z21",
+ "4qvl",
+ "2jxg",
+ "5etw",
+ "1gum",
+ "6qh3",
+ "4zao",
+ "6j7q",
+ "3w4j",
+ "3p6h",
+ "3cll",
+ "2a6p",
+ "5df1",
+ "6mzt",
+ "1znz",
+ "6ezh",
+ "4cz6",
+ "1wwf",
+ "6m85",
+ "4ai4",
+ "1sst",
+ "3fyl",
+ "5lbx",
+ "2wpx",
+ "3pv5",
+ "3vk8",
+ "2jsd",
+ "1a23",
+ "7u1a",
+ "7q0m",
+ "1obj",
+ "5f3i",
+ "5jod",
+ "3ayl",
+ "2vgz",
+ "4zvm",
+ "5a47",
+ "7z1q",
+ "2wdw",
+ "3e85",
+ "3mg8",
+ "1e8i",
+ "4cg1",
+ "1gaw",
+ "1g1w",
+ "1kdb",
+ "5t6h",
+ "1uw3",
+ "7bya",
+ "8ex9",
+ "3lil",
+ "3fd5",
+ "6ykr",
+ "4op3",
+ "6qf5",
+ "2j0v",
+ "2l63",
+ "7cgg",
+ "6rol",
+ "6cen",
+ "6cnm",
+ "1wdk",
+ "4mvu",
+ "4yz5",
+ "5eux",
+ "6mlm",
+ "5h1i",
+ "2f21",
+ "1xfp",
+ "3f7u",
+ "5mg7",
+ "2xtk",
+ "6aal",
+ "5eky",
+ "5ep0",
+ "6a55",
+ "2lcv",
+ "2ip2",
+ "3e73",
+ "6cbm",
+ "1e9c",
+ "1xki",
+ "1bby",
+ "7mna",
+ "5h1r",
+ "5jum",
+ "6ozg",
+ "1enz",
+ "4zfl",
+ "6tql",
+ "4j7a",
+ "1shl",
+ "4xwl",
+ "6klg",
+ "5ifl",
+ "1rja",
+ "4uqd",
+ "6ohy",
+ "5lwk",
+ "3ew9",
+ "1q9m",
+ "4ad7",
+ "1qvx",
+ "6fyg",
+ "4rke",
+ "3n2j",
+ "6a7c",
+ "3lok",
+ "3r2o",
+ "5aqo",
+ "2jj1",
+ "3bjw",
+ "3hfb",
+ "4k41",
+ "4jsu",
+ "5b5f",
+ "1ojz",
+ "6lxd",
+ "4b8t",
+ "6aem",
+ "6wl0",
+ "4i9i",
+ "2nm2",
+ "4x3j",
+ "5jzh",
+ "1lo9",
+ "6xcd",
+ "5mno",
+ "2ba1",
+ "1lyq",
+ "7azw",
+ "3vq4",
+ "4haw",
+ "4qf8",
+ "1plj",
+ "6g6s",
+ "3wjo",
+ "6s48",
+ "135l",
+ "6dvu",
+ "6wz9",
+ "1u9m",
+ "7bba",
+ "4ahs",
+ "7yq2",
+ "7yy6",
+ "7q24",
+ "5lwn",
+ "1vxh",
+ "3amp",
+ "5cha",
+ "2kgj",
+ "1xbi",
+ "4z4a",
+ "5fhq",
+ "1gic",
+ "5h76",
+ "7x39",
+ "2qfp",
+ "1bm6",
+ "3l3v",
+ "2crt",
+ "4ozs",
+ "4y5r",
+ "6mmm",
+ "4m05",
+ "5x7m",
+ "3pxz",
+ "5r80",
+ "1bgc",
+ "5h56",
+ "6q8g",
+ "3i6q",
+ "5u3c",
+ "5krf",
+ "2w2h",
+ "1gsp",
+ "4re6",
+ "3rvk",
+ "3l89",
+ "5sx3",
+ "2zr9",
+ "6v7t",
+ "1b79",
+ "1rf0",
+ "7d6j",
+ "2w5t",
+ "2xvs",
+ "4q2l",
+ "4n47",
+ "2dx4",
+ "2lg6",
+ "2q4a",
+ "3q76",
+ "5iqx",
+ "4m9i",
+ "4mcw",
+ "2ylz",
+ "3khh",
+ "2x4r",
+ "3pc4",
+ "3d9y",
+ "7al1",
+ "1xfw",
+ "3v8k",
+ "8dpj",
+ "1fnw",
+ "5xgm",
+ "4wyp",
+ "2rbh",
+ "7l4s",
+ "3hhu",
+ "2ihf"
+ ],
+ "test": [
+ "4uuk",
+ "5wes",
+ "7lrq",
+ "6jsc",
+ "5vyt",
+ "6r01",
+ "4w5o",
+ "5yrd",
+ "4bls",
+ "7vx4",
+ "2yjk",
+ "1jq5",
+ "7ji3",
+ "3q66",
+ "5x1y",
+ "7mpk",
+ "4e3n",
+ "4wfr",
+ "5b0k",
+ "7xn4",
+ "4m9e",
+ "7ro4",
+ "4un7",
+ "3k3i",
+ "5kgr",
+ "3ovr",
+ "4kb4",
+ "1g1o",
+ "6o7q",
+ "3zd1",
+ "1xu0",
+ "3fwh",
+ "3qri",
+ "3q73",
+ "5ozh",
+ "5xsp",
+ "1bz7",
+ "6ha4",
+ "5cqi",
+ "2wwa",
+ "5tm4",
+ "2znr",
+ "6trr",
+ "1v7s",
+ "3nzu",
+ "6pog",
+ "4esb",
+ "1zyr",
+ "5a4r",
+ "7dds",
+ "1h48",
+ "5tmm",
+ "6nt7",
+ "5mib",
+ "5xuf",
+ "3btl",
+ "7m03",
+ "6nwo",
+ "7tkr",
+ "4uhz",
+ "1kd6",
+ "2ikf",
+ "3uu1",
+ "4wjy",
+ "6s0b",
+ "4p0d",
+ "1ctl",
+ "5y16",
+ "6gas",
+ "7yyw",
+ "2aiv",
+ "7c85",
+ "6hwx",
+ "1xeq",
+ "6xgy",
+ "3ayh",
+ "7u7g",
+ "1s3m",
+ "3k8a",
+ "7qcy",
+ "6jbi",
+ "4ym6",
+ "1hnf",
+ "7txz",
+ "3tkl",
+ "6g02",
+ "3oo6",
+ "4b9c",
+ "2ggh",
+ "1jbi",
+ "3bzq",
+ "5oe6",
+ "4cs8",
+ "5h15",
+ "3uc4",
+ "7wf8",
+ "7s4j",
+ "2no6",
+ "1xfz",
+ "5u8u",
+ "5lp0",
+ "7cxc",
+ "7k3z",
+ "2vvu",
+ "7jo7",
+ "1jnr",
+ "4xvm",
+ "5t63",
+ "3tw0",
+ "3g8u",
+ "5w5g",
+ "2l2m",
+ "3lsj",
+ "4lhb",
+ "2kgk",
+ "3o6h",
+ "5g2g",
+ "5koj",
+ "4zsi",
+ "6qdx",
+ "7lcx",
+ "6tr5",
+ "8h9b",
+ "7oly",
+ "5s2p",
+ "5cps",
+ "7rso",
+ "6re5",
+ "5il0",
+ "7vkk",
+ "7e0a",
+ "7o48",
+ "1kwe",
+ "3osl",
+ "4uas",
+ "3df0",
+ "3zqb",
+ "7w1f",
+ "6wbc",
+ "5sq2",
+ "1arm",
+ "7se8",
+ "5jrh",
+ "6drq",
+ "6suz",
+ "3viv",
+ "7z8i",
+ "7alr",
+ "5kv6",
+ "1gc9",
+ "5e3u",
+ "1afk",
+ "4wha",
+ "5wkm",
+ "3owj",
+ "2qp2",
+ "5oja",
+ "7e58",
+ "6rtl",
+ "8cl1",
+ "6mr0",
+ "2y3v",
+ "6o6f",
+ "4li2",
+ "5fsl",
+ "6lwk",
+ "1m9x",
+ "3bk8",
+ "7mzh",
+ "2qwh",
+ "1kz6",
+ "2xpn",
+ "4ewr",
+ "3a0x",
+ "6ct7",
+ "2q5f",
+ "5ffi",
+ "7y6b",
+ "5lou",
+ "5ed3",
+ "7r9p",
+ "4jde",
+ "6k24",
+ "6eci",
+ "7ao2",
+ "4h7y",
+ "5ppn",
+ "6vh0",
+ "2ylp",
+ "6zb6",
+ "1zjb",
+ "6scn",
+ "4w5h",
+ "6ey6",
+ "7pc8",
+ "6cyy",
+ "7dub",
+ "1cn4",
+ "2eio",
+ "1uwm",
+ "5ll3",
+ "1ugi",
+ "1axz",
+ "5psc",
+ "1kzp",
+ "2xwi",
+ "3mhm",
+ "7s85",
+ "6y1d",
+ "3gik",
+ "1tiu",
+ "3wzi",
+ "3upe",
+ "1jws",
+ "3wb5",
+ "1c8i",
+ "5din",
+ "1jao",
+ "7uay",
+ "2uy3",
+ "3sy4",
+ "4ist",
+ "5zgu",
+ "4mot",
+ "4z41",
+ "3k3h",
+ "5ns6",
+ "2ydm",
+ "7wpn",
+ "7coj",
+ "7osq",
+ "2e0c",
+ "5fbb",
+ "1eqb",
+ "5wat",
+ "1nfa",
+ "4its",
+ "4z63",
+ "5mi5",
+ "2c5s",
+ "6s9w",
+ "6zhf",
+ "3ut6",
+ "2hk6",
+ "2j4t",
+ "2fhg",
+ "5rpc",
+ "6lej",
+ "3nnw",
+ "3rsz",
+ "6r1f",
+ "2vbw",
+ "5g6l",
+ "5fc6",
+ "4u62",
+ "1ot8",
+ "1bay",
+ "3ig8",
+ "4fzl",
+ "5d4g",
+ "1rtx",
+ "5kpc",
+ "6o6m",
+ "3wrs",
+ "7czb",
+ "1l6x",
+ "5oz4",
+ "4n08",
+ "6fg7",
+ "8at6",
+ "2cxq",
+ "6u0o",
+ "5yuk",
+ "7r1r",
+ "6wy8",
+ "5i9s",
+ "6coa",
+ "7mmy",
+ "2zh1",
+ "4a29",
+ "7xov",
+ "4ygf",
+ "6d08",
+ "5qnz",
+ "5ye4",
+ "5ww9",
+ "5ja8",
+ "3ull",
+ "1i0x",
+ "1nc3",
+ "5b1w",
+ "1xlp",
+ "6s5u",
+ "1urq",
+ "1pj6",
+ "4bbk",
+ "2wmc",
+ "6woa",
+ "5g48",
+ "6zei",
+ "5jzv",
+ "3h5s",
+ "4bri",
+ "1j0k",
+ "4tv3",
+ "1xz1",
+ "4add",
+ "5w3i",
+ "4tr8",
+ "3ruw",
+ "1a2b",
+ "4x8c",
+ "5yia",
+ "5af4",
+ "2qpo",
+ "7tzx",
+ "6m7v",
+ "7k1s",
+ "4xjf",
+ "4i0y",
+ "2gz5",
+ "7kz4",
+ "4evy",
+ "5kmi",
+ "8i5f",
+ "1hon",
+ "3rld",
+ "6uvg",
+ "1owi",
+ "1icu",
+ "1n3g",
+ "3qp4",
+ "3b0m",
+ "1pp0",
+ "2kca",
+ "1npb",
+ "5l8c",
+ "7l1a",
+ "1huw",
+ "3odc",
+ "6y2r",
+ "6n80",
+ "4imp",
+ "6ir0",
+ "4xrb",
+ "7qvm",
+ "7oue",
+ "8ctz",
+ "2x55",
+ "6dpn",
+ "1so4",
+ "5lk3",
+ "5rf5",
+ "1anx",
+ "7zlg",
+ "3n7a",
+ "5hj0",
+ "3c5z",
+ "7mm9",
+ "7sjw",
+ "3rk9",
+ "2ltj",
+ "3cn3",
+ "7rto",
+ "3ult",
+ "5ore",
+ "8bhe",
+ "2pak",
+ "7u3l",
+ "6cza",
+ "1jh5",
+ "6dil",
+ "1bjq",
+ "3ck7",
+ "1u9o",
+ "1nrl",
+ "5p2j",
+ "6jny",
+ "4aht",
+ "5rpo",
+ "5huy",
+ "1wmy",
+ "7sch",
+ "5o2m",
+ "6e7e",
+ "1w7i",
+ "2ypq",
+ "7nvl",
+ "2bzu",
+ "6lb7",
+ "5z2x",
+ "4fwu",
+ "4pot",
+ "2dr8",
+ "4tte",
+ "3w8w",
+ "6pfb",
+ "3w7a",
+ "5ql1",
+ "6p2r",
+ "2pwm",
+ "2yk6",
+ "7w31",
+ "8h66",
+ "1nzi",
+ "3gim",
+ "4rub",
+ "3wuz",
+ "2kf5",
+ "1gse",
+ "4zcf",
+ "4rtb",
+ "1o2q",
+ "4nbw",
+ "2i19",
+ "7avr",
+ "3l62",
+ "1mm6",
+ "1m4k",
+ "7kch",
+ "4w52",
+ "7c69",
+ "4m1y",
+ "2qjb",
+ "4yc6",
+ "2pbg",
+ "7m2u",
+ "8ayn",
+ "7ds4",
+ "6vqw",
+ "4pfx",
+ "3si2",
+ "5wc0",
+ "4cj5",
+ "3ifv",
+ "4i2r",
+ "6ib6",
+ "2mnz",
+ "6o0i",
+ "6pyy",
+ "7nx9",
+ "4cgj",
+ "4ny3",
+ "6soy",
+ "1h0x",
+ "3p3y",
+ "7sib",
+ "1l91",
+ "7lis",
+ "7ogn",
+ "1isy",
+ "2c5r",
+ "1e7a",
+ "7uhn",
+ "6tw0",
+ "5jso",
+ "5k45",
+ "6ch4",
+ "1r6m",
+ "5hxu",
+ "7vze",
+ "2zwn",
+ "7pbe",
+ "3mm6",
+ "5qme",
+ "8dke",
+ "4ce5",
+ "2zh5",
+ "1biz",
+ "6b6w",
+ "2xgk",
+ "5zda",
+ "1g8y",
+ "4muk",
+ "4ug3",
+ "5ptx",
+ "5ykp",
+ "9lpr",
+ "6j5j",
+ "5yoz",
+ "2xgb",
+ "7awe",
+ "2let",
+ "2x2s",
+ "1oek",
+ "2bmy",
+ "8alk",
+ "1xgl",
+ "1gfd",
+ "1g2p",
+ "5p24",
+ "2vce",
+ "6czh",
+ "3jao",
+ "3wgt",
+ "4gdi",
+ "2yvn",
+ "4drm",
+ "3ukr",
+ "5vco",
+ "6lq3",
+ "7t14",
+ "2fkg",
+ "6zjk",
+ "5xlz",
+ "4q9s",
+ "6g5x",
+ "5py5",
+ "7xna",
+ "4dmh",
+ "5ecl",
+ "1tu2",
+ "4ryq",
+ "5pyl",
+ "4jn5",
+ "3bjh",
+ "1lzv",
+ "2p55",
+ "5d2m",
+ "3mqb",
+ "4pd5",
+ "1ssq",
+ "3has",
+ "6trq",
+ "6cox",
+ "1e0k",
+ "2nqo",
+ "8h7a",
+ "5psj",
+ "7ukr",
+ "2l7h",
+ "4yum",
+ "5mau",
+ "5c1p",
+ "6ft9",
+ "3bl0",
+ "7vb7",
+ "2zfs",
+ "4e3v",
+ "4hdi",
+ "6dw0",
+ "4ryv",
+ "6j0x",
+ "3oc9",
+ "6pcf",
+ "2o7m",
+ "7qsb",
+ "3gf2",
+ "5ky5",
+ "2kcj",
+ "2wa0",
+ "5hz8",
+ "1ezt",
+ "4bdq",
+ "6dsr",
+ "2ofs",
+ "4iuk",
+ "5nxy",
+ "2wqv",
+ "2o8v",
+ "3lng",
+ "3mac",
+ "4mlq",
+ "3a9x",
+ "5tnu",
+ "6dyf",
+ "5zhe",
+ "2xj5",
+ "3t7j",
+ "5ki0",
+ "5i81",
+ "5wou",
+ "5ns4",
+ "2dwy",
+ "2tpt",
+ "8dpx",
+ "1jgc",
+ "5oms",
+ "2w84",
+ "1rdv",
+ "1qll",
+ "5l6r",
+ "7r2g",
+ "6wa5",
+ "3vvz",
+ "1xpo",
+ "3wse",
+ "6s2h",
+ "6t09",
+ "2bzv",
+ "5b2f",
+ "3pxs",
+ "6yih",
+ "2cm9",
+ "5jct",
+ "3bk6",
+ "5kl2",
+ "6tjc",
+ "2x9e",
+ "6rpq",
+ "7mkh",
+ "4q38",
+ "3r2b",
+ "1se7",
+ "1y7x",
+ "1jf7",
+ "6gvn",
+ "6h5e",
+ "1urs",
+ "7xk5",
+ "4o2b",
+ "7cd2",
+ "3zwj",
+ "6ptj",
+ "5vza",
+ "1udz",
+ "2av7",
+ "6xj4",
+ "1lcs",
+ "6pm9",
+ "5wf6",
+ "2rbn",
+ "6uti",
+ "1lld",
+ "1wbc",
+ "3m9x",
+ "5byl",
+ "5o8h",
+ "6qwk",
+ "5e19",
+ "5r2l",
+ "1sh7",
+ "4g2l",
+ "2f47",
+ "2vhs",
+ "5efz",
+ "4oyj",
+ "5kv3",
+ "2vsi",
+ "4l7q",
+ "7o8q",
+ "3plw",
+ "3zv7",
+ "5pgx",
+ "6eno",
+ "8a27",
+ "3fmq",
+ "6vlo",
+ "5htj",
+ "3rf3",
+ "6lz4",
+ "6id8",
+ "4oke",
+ "6wmo",
+ "7nsd",
+ "4lwc",
+ "4ysd",
+ "7sq9",
+ "4fpg",
+ "1cc4",
+ "2i3s",
+ "5kwj",
+ "5it1",
+ "4em9",
+ "3h13",
+ "2egh",
+ "2x3m",
+ "6kyp",
+ "6fga",
+ "2n44",
+ "4fe9",
+ "4zwx",
+ "5aof",
+ "5r8j",
+ "3zfm",
+ "4eqa",
+ "2r4l",
+ "1hwg",
+ "4m9r",
+ "5h9d",
+ "2g54",
+ "4gnb",
+ "6bbf",
+ "2j7f",
+ "2wb5",
+ "4mco",
+ "3ctb",
+ "2baa",
+ "7fm2",
+ "5tu8",
+ "3d9t",
+ "2l3u",
+ "6xjv",
+ "4y8x",
+ "7jww",
+ "1mkm",
+ "4hkn",
+ "3s5x",
+ "3zlz",
+ "3mnh",
+ "6x38",
+ "1bxw",
+ "7sjn",
+ "3zm1",
+ "6t65",
+ "1y8n",
+ "4zb5",
+ "2sh1",
+ "6z5x",
+ "3rjk",
+ "4ly1",
+ "3r4z",
+ "3pij",
+ "5o9t",
+ "2idh",
+ "7f3x",
+ "2l8s",
+ "1mes",
+ "4ppt",
+ "1a6f",
+ "3p53",
+ "5mi1",
+ "5jhz",
+ "1gsw",
+ "246l",
+ "5red",
+ "5qg5",
+ "6qtb",
+ "2y3x",
+ "2zne",
+ "5h3f",
+ "5lyh",
+ "4ph2",
+ "6cnp",
+ "5r31",
+ "4e97",
+ "5h8o",
+ "4lz6",
+ "2xgv",
+ "3krs",
+ "5anw",
+ "5m12",
+ "5g51",
+ "4cie",
+ "3d3c",
+ "1ud2",
+ "6lik",
+ "3utb",
+ "5fah",
+ "4o34",
+ "5a7j",
+ "4kpf",
+ "1uy3",
+ "4ard",
+ "3h5y",
+ "4uqm",
+ "1tcv",
+ "3swj",
+ "7n2r",
+ "1d2r",
+ "1gju",
+ "3he2",
+ "4fav",
+ "5n6g",
+ "4l08",
+ "7cb7",
+ "6c7i",
+ "3nal",
+ "7cwi",
+ "1mxz",
+ "5ofl",
+ "5p9m",
+ "1zug",
+ "5tkt",
+ "3i9q",
+ "1v80",
+ "3bld",
+ "6ksm",
+ "4flk",
+ "4tgl",
+ "6giy",
+ "3lja",
+ "4prv",
+ "4mac",
+ "1krt",
+ "6unt",
+ "5pei",
+ "2vcx",
+ "2kwd",
+ "1z81",
+ "1w42",
+ "1b1b",
+ "7m2j",
+ "1j9y",
+ "6rtu",
+ "1ly0",
+ "5wzm",
+ "4h44",
+ "4cv4",
+ "7b50",
+ "2bab",
+ "6qd4",
+ "6npf",
+ "5xfw",
+ "4cjx",
+ "6dge",
+ "3rs8",
+ "3r24",
+ "6y9p",
+ "7dxs",
+ "5vfk",
+ "7ref",
+ "6ipy",
+ "5iil",
+ "5pzp",
+ "7zbf",
+ "8dwu",
+ "3bpf",
+ "7r63",
+ "5wgg",
+ "5ldr",
+ "1ptj",
+ "7uzo",
+ "1z95",
+ "5p3y",
+ "5htd",
+ "3tui",
+ "1h5p",
+ "5l2o",
+ "1b8p",
+ "4uyu",
+ "2yrf",
+ "1naw",
+ "2cvy",
+ "3hxm",
+ "7wss",
+ "3fun",
+ "4b7j",
+ "6r1r",
+ "1ona",
+ "6fpb",
+ "4deq",
+ "7ocn",
+ "5d9x",
+ "3rnt",
+ "4h7c",
+ "4r7h",
+ "3cms",
+ "2j8h",
+ "5nee",
+ "4kk8",
+ "3gzu",
+ "1pdq",
+ "2hxy",
+ "7ku3",
+ "3qgd",
+ "7m8q",
+ "4wm2",
+ "4v3j",
+ "4tm6",
+ "1ksr",
+ "1qia",
+ "1jr1",
+ "2ll8",
+ "4bka",
+ "7tuh",
+ "7nea",
+ "1tco",
+ "6os4",
+ "1uuc",
+ "6a6b",
+ "5e29",
+ "6ety",
+ "3g8k",
+ "1tih",
+ "7dcu",
+ "4qjo",
+ "6i6x",
+ "3o5j",
+ "4db2",
+ "6f2n",
+ "3lj9",
+ "3wqy",
+ "3zj2",
+ "6iqd",
+ "6qr1",
+ "2mmh",
+ "2gh8",
+ "2h5k",
+ "7vs8",
+ "3zpj",
+ "5wcu",
+ "2wqk",
+ "1m2j",
+ "1f2t",
+ "1wd2",
+ "3r45",
+ "5b0q",
+ "4gai",
+ "1gts",
+ "5x2t",
+ "6i90",
+ "2zi5",
+ "6vrk",
+ "3fd2",
+ "4tr4",
+ "2xuf",
+ "8be0",
+ "1swj",
+ "6a2b",
+ "7bq0",
+ "2fys",
+ "2sqc",
+ "7fkx",
+ "4ld5",
+ "5tdd",
+ "6hgi",
+ "5e2q",
+ "2k91",
+ "6hob",
+ "5qki",
+ "2shk",
+ "4d7r",
+ "7vd2",
+ "2jjp",
+ "6wbv",
+ "5msk",
+ "5xr0",
+ "1zkq",
+ "3daq",
+ "5b7j",
+ "1frx",
+ "3re6",
+ "7ww5",
+ "2bo8",
+ "4x01",
+ "2e0o",
+ "1l5h",
+ "1m22",
+ "3stc",
+ "3nda",
+ "2fds",
+ "7rqw",
+ "1h66",
+ "1nhj",
+ "5pw6",
+ "7rmj",
+ "2h3p",
+ "5vzo",
+ "3tza",
+ "3ms5",
+ "2v0j",
+ "5n8e",
+ "6gyp",
+ "2rql",
+ "3fjh",
+ "7qwf",
+ "4qvi",
+ "4zec",
+ "6p9r",
+ "6pic",
+ "1rbb",
+ "3ck9",
+ "7nei",
+ "3jba",
+ "1w3r",
+ "2g8j",
+ "1evz",
+ "5p7z",
+ "5x0b",
+ "7m88",
+ "4tog",
+ "2h62",
+ "7me4",
+ "4frb",
+ "3bwm",
+ "6c4n",
+ "3e3t",
+ "7yty",
+ "1g3l",
+ "6vxy",
+ "4xi0",
+ "5exv",
+ "2lob",
+ "2g6i",
+ "4mna",
+ "6kqf",
+ "5l18",
+ "1mo5",
+ "5ncf",
+ "3uzj",
+ "3kam",
+ "6rr9",
+ "1n8z",
+ "6hm2",
+ "4ica",
+ "2vbn",
+ "2v9x",
+ "5xf3",
+ "1o2i",
+ "1enw",
+ "4wup",
+ "7kb6",
+ "2ab7",
+ "7p9v",
+ "6f0x",
+ "5x4v",
+ "4ivg",
+ "5d7y",
+ "4gj8",
+ "3wqb",
+ "3r9g",
+ "2gyd",
+ "5r3r",
+ "7kn0",
+ "1w2p",
+ "1tw7",
+ "7mc0",
+ "3cx7",
+ "1qn6",
+ "2q9a",
+ "8prn",
+ "6wts",
+ "7ctg",
+ "7mqs",
+ "1ds6",
+ "2mgz",
+ "3t0g",
+ "4rnu",
+ "4uyq",
+ "1vl9",
+ "5m0o",
+ "1w2s",
+ "8dp7",
+ "1w5h",
+ "4gim",
+ "4jvs",
+ "158l",
+ "6uas",
+ "6s23",
+ "2lwt",
+ "1fuv",
+ "4cje",
+ "5erg",
+ "2uuy",
+ "5tuf",
+ "4bkm",
+ "6w0e",
+ "6eyx",
+ "2gh5",
+ "1rkd",
+ "7p2r",
+ "5lke",
+ "1uwf",
+ "4u5w",
+ "5ed6",
+ "6rck",
+ "7zoq",
+ "3h2u",
+ "1idb",
+ "2ved",
+ "2jnp",
+ "6m6f",
+ "6ht4",
+ "5vjq",
+ "3qkp",
+ "3w7x",
+ "4dlv",
+ "1v8s",
+ "4xzu",
+ "1yrv",
+ "3cjo",
+ "1lt3",
+ "1j89",
+ "5azu",
+ "2qie",
+ "5nbk",
+ "7v8x",
+ "4asu",
+ "8dpc",
+ "4u0k",
+ "1mbq",
+ "1fse",
+ "1b7f",
+ "6qyg",
+ "7xx2",
+ "6c4o",
+ "4k0w",
+ "1ugg",
+ "4lsf",
+ "2a56",
+ "5xv7",
+ "4m0e",
+ "2xmv",
+ "4gss",
+ "6ro0",
+ "3ilc",
+ "7p45",
+ "1yn4",
+ "6knd",
+ "1mks",
+ "1qlh",
+ "1q88",
+ "1yoh",
+ "7c8s",
+ "1hza",
+ "4n0g",
+ "1kc3",
+ "1qax",
+ "3vk0",
+ "3hg4",
+ "6f4a",
+ "6mg5",
+ "2ybp",
+ "3okp",
+ "7m72",
+ "6jnd",
+ "1zfn",
+ "3lw6",
+ "6n0y",
+ "6xp1",
+ "6g4b",
+ "1qnj",
+ "2cnb",
+ "2fpy",
+ "1plq",
+ "3v6m",
+ "5lfn",
+ "6mwx",
+ "7r5p",
+ "7l0i",
+ "1v8x",
+ "2yjl",
+ "5qg9",
+ "5fp3",
+ "5z9j",
+ "4jbr",
+ "2ab3",
+ "5cwg",
+ "3wgh",
+ "2he9",
+ "1dyd",
+ "4az6",
+ "2vcy",
+ "7ax0",
+ "6qpf",
+ "3pp7",
+ "3kjo",
+ "4es2",
+ "2it6",
+ "7zn7",
+ "6lbp",
+ "2hlw",
+ "1rwl",
+ "4z3k",
+ "7drj",
+ "3qy7",
+ "6nq6",
+ "7am1",
+ "3nuo",
+ "2i8f",
+ "5dus",
+ "1bco",
+ "3s76",
+ "7fdl",
+ "5fq4",
+ "9abp",
+ "4m9c",
+ "6s38",
+ "7bvs",
+ "2z4p",
+ "2ft9",
+ "4d60",
+ "1b0z",
+ "6yuo",
+ "3fyx",
+ "4es3",
+ "5jil",
+ "6o9y",
+ "1qbh",
+ "6zzq",
+ "1n92",
+ "1b41",
+ "1zzw",
+ "2p1n",
+ "2y8u",
+ "5idi",
+ "1day",
+ "3az3",
+ "5vhf",
+ "6lge",
+ "6r9m",
+ "3lm1",
+ "4lwz",
+ "6t2i",
+ "6bff",
+ "6gb7",
+ "7t7m",
+ "5vus",
+ "2box",
+ "1pxh",
+ "7bdq",
+ "3dwl",
+ "3ui5",
+ "6ey5",
+ "7sx5",
+ "1bgw",
+ "5hca",
+ "1bu4",
+ "6ygc",
+ "8hfs",
+ "6m5e",
+ "3kd7",
+ "4fic",
+ "1pm7",
+ "4jo0",
+ "1w3s",
+ "6d3f",
+ "5viq",
+ "1dvp",
+ "5i7r",
+ "5pws",
+ "1jke",
+ "6nwt",
+ "7ltx",
+ "4p1m",
+ "5p8v",
+ "5uo2",
+ "2m0v",
+ "6fwb",
+ "1hqe",
+ "4pkf",
+ "1z6b",
+ "2f3p",
+ "6e1c",
+ "5s56",
+ "6gbk",
+ "6tfk",
+ "3fwu",
+ "6qoh",
+ "3mci",
+ "2qym",
+ "4uew",
+ "2gx5",
+ "6mjt",
+ "2w9r",
+ "6uck",
+ "4jkd",
+ "5fpk",
+ "6fvs",
+ "4bqp",
+ "1d5z",
+ "2jex",
+ "6id5",
+ "3idm",
+ "7bzo",
+ "1dlb",
+ "6sly",
+ "6lw0",
+ "4mpi",
+ "5ajm",
+ "5zfz",
+ "4x6l",
+ "6ino",
+ "7tko",
+ "4nko",
+ "2q0r",
+ "1phe",
+ "6h8c",
+ "2obm",
+ "3g01",
+ "2c2a",
+ "7k4w",
+ "4chf",
+ "3vpk",
+ "5abg",
+ "3ckb",
+ "4z70",
+ "2ltz",
+ "2jhj",
+ "4o28",
+ "1ba7",
+ "1n0y",
+ "2wl6",
+ "6d1h",
+ "4b64",
+ "4whl",
+ "4fla",
+ "6hx2",
+ "2r1b",
+ "1b32",
+ "5w62",
+ "6p8t",
+ "6et3",
+ "6v13",
+ "5umx",
+ "4b5o",
+ "7qm3",
+ "2woi",
+ "5u17",
+ "5gi7",
+ "1m4l",
+ "6xn3",
+ "1wob",
+ "4zh6",
+ "1zwi",
+ "7jun",
+ "7q0h",
+ "1ogz",
+ "7lbt",
+ "7ds2",
+ "4nu3",
+ "6gfa",
+ "4a0m",
+ "6ecz",
+ "3gtn",
+ "2qki",
+ "6k9s",
+ "3tam",
+ "7dtp",
+ "2rqa",
+ "5wq8",
+ "2xfo",
+ "7vnl",
+ "5unm",
+ "7ubs",
+ "7cag",
+ "2oip",
+ "3nc1",
+ "5oqw",
+ "6gjn",
+ "8boz",
+ "3ott",
+ "8e92",
+ "6v1e",
+ "4opr",
+ "6lez",
+ "4y1e",
+ "7k0m",
+ "5tuc",
+ "6oy1",
+ "1nox",
+ "1h9b",
+ "4u7k",
+ "3pj3",
+ "5nyl",
+ "3hys",
+ "5a12",
+ "2cie",
+ "1m4d",
+ "6zsw",
+ "4xr7",
+ "7mxk",
+ "7dif",
+ "2dx2",
+ "3um6",
+ "6qdb",
+ "6ayt",
+ "1qlu",
+ "6lwg",
+ "3kdc",
+ "4ltt",
+ "3cbf",
+ "5vn8",
+ "5f31",
+ "3x2j",
+ "7rep",
+ "4ehy",
+ "4x14",
+ "1v2e",
+ "5dg9",
+ "1dbd",
+ "1qrm",
+ "6pky",
+ "5sym",
+ "7e5f",
+ "3srn",
+ "4u30",
+ "3b1b",
+ "1yva",
+ "3sdz",
+ "1ceg",
+ "1peo",
+ "1q41",
+ "1ogf",
+ "5elw",
+ "1fho",
+ "4zvz",
+ "4na7",
+ "3hmc",
+ "4nhm",
+ "6yek",
+ "6rff",
+ "3hah",
+ "2po6",
+ "1plp",
+ "1tuy",
+ "4hxn",
+ "3dk9",
+ "3paw",
+ "2aus",
+ "5nqx",
+ "3ptk",
+ "2qzk",
+ "1vht",
+ "5gm0",
+ "4otj",
+ "2w5u",
+ "1l0j",
+ "7dnk",
+ "1y56",
+ "4ndg",
+ "4wej",
+ "2r82",
+ "4ref",
+ "2mwr",
+ "5e4e",
+ "5m3b",
+ "2ext",
+ "4hhr",
+ "1rcc",
+ "1xby",
+ "6px3",
+ "5aux",
+ "3hn4",
+ "7lgs",
+ "2pj3",
+ "6rcp",
+ "5h62",
+ "3j7t",
+ "8ea0",
+ "5jpj",
+ "4unq",
+ "4zx2",
+ "1whi",
+ "1gtr",
+ "7pwl",
+ "6z48",
+ "5jkw",
+ "2ygl",
+ "6hye",
+ "6uxl",
+ "3mtt",
+ "4c3m",
+ "2bkr",
+ "5o75",
+ "6bgh",
+ "7aga",
+ "1tti",
+ "4ncs",
+ "3t5m",
+ "6f86",
+ "5po5",
+ "2p8l",
+ "3wx7",
+ "7rtm",
+ "2gel",
+ "2qkh",
+ "6p2c",
+ "1n5j",
+ "3ntd",
+ "5jub",
+ "6dki",
+ "4eu2",
+ "2g59",
+ "5f1i",
+ "7ag6",
+ "3pcb",
+ "1hq6",
+ "4y8m",
+ "7bf0",
+ "5x9j",
+ "1utn",
+ "6oqd",
+ "6mox",
+ "4fzc",
+ "4lj3",
+ "5g5u",
+ "7dwn",
+ "3zv2",
+ "6n0x",
+ "2job",
+ "7p64",
+ "6c7m",
+ "1idz",
+ "6hrn",
+ "2j9m",
+ "6ezi",
+ "2f34",
+ "4tya",
+ "5sch",
+ "1qnr",
+ "2jln",
+ "6qs1",
+ "5v84",
+ "2x67",
+ "5vpm",
+ "3c5u",
+ "3wu7",
+ "6trh",
+ "1doe",
+ "4dwk",
+ "7oo4",
+ "3ljp",
+ "5o25",
+ "1bc2",
+ "4plq",
+ "6d20",
+ "1ejf",
+ "8e2s",
+ "7el2",
+ "6ccp",
+ "1hzk",
+ "1p5h",
+ "7u8z",
+ "2pov",
+ "3wr9",
+ "5v49",
+ "8dkq",
+ "3gqh",
+ "6gze",
+ "5def",
+ "7zvc",
+ "4wai",
+ "5aqg",
+ "8djk",
+ "4xx3",
+ "2m5i",
+ "5wgd",
+ "1iop",
+ "1mqr",
+ "1x15",
+ "2gzv",
+ "4aj5",
+ "2qbx",
+ "4dl5",
+ "5i3f",
+ "7bzv",
+ "3wka",
+ "6l0c",
+ "4odo",
+ "5cup",
+ "2hk9",
+ "6p8j",
+ "8ed3",
+ "3fua",
+ "5akz",
+ "3kz3",
+ "6bb5",
+ "5mwp",
+ "4ln6",
+ "2hah",
+ "4i7q",
+ "1ehg",
+ "1pqm",
+ "5l94",
+ "4i3a",
+ "2a9k",
+ "6ifm",
+ "5b4i",
+ "7d0k",
+ "6kgy",
+ "6br7",
+ "4kbl",
+ "5t99",
+ "2iu6",
+ "2bin",
+ "6pqe",
+ "5ca5",
+ "1e0y",
+ "2our",
+ "2a2y",
+ "6nrc",
+ "4m1w",
+ "2r1c",
+ "3wu5",
+ "4yey",
+ "8dcw",
+ "5hxr",
+ "5a2h",
+ "4x89",
+ "5wlb",
+ "4l5y",
+ "6u2u",
+ "5qko",
+ "3ia4",
+ "3m5c",
+ "7e4q",
+ "1nbc",
+ "4uvl",
+ "4dt1",
+ "4gve",
+ "3gh0",
+ "4cfa",
+ "5ugy",
+ "5opi",
+ "4w7g",
+ "7ex8",
+ "1zwj",
+ "3fdl",
+ "3kb9",
+ "2h04",
+ "1rxr",
+ "4rrw",
+ "6qz8",
+ "1fj7",
+ "4a8b",
+ "1szc",
+ "2ar3",
+ "1cd5",
+ "6ukp",
+ "1xq8",
+ "1cm3",
+ "7ehv",
+ "1cwr",
+ "5jmq",
+ "2e2f",
+ "3ciz",
+ "7ba9",
+ "2hcb",
+ "6i01",
+ "6me9",
+ "3u4z",
+ "2bv8",
+ "5sxy",
+ "7t1i",
+ "6gg2",
+ "1wrm",
+ "4ye9",
+ "4a8s",
+ "2v3p",
+ "5i3u",
+ "7e1s",
+ "2fgo",
+ "7fea",
+ "6zac",
+ "6kwc",
+ "7jnx",
+ "1r0b",
+ "5wod",
+ "3iec",
+ "1s1g",
+ "7tic",
+ "1ojm",
+ "7bxx",
+ "2hjl",
+ "2abm",
+ "7mz7",
+ "2rpj",
+ "2w5j",
+ "7dlk",
+ "5zo3",
+ "6zq3",
+ "2rri",
+ "3w13",
+ "7eqx",
+ "5olc",
+ "3itn",
+ "4b7h",
+ "6e13",
+ "1ckp",
+ "1b7v",
+ "2rs4",
+ "4e76",
+ "7swb",
+ "6e7h",
+ "6onc",
+ "1z4x",
+ "1rhz",
+ "7k9i",
+ "1syd",
+ "5yzv",
+ "1oys",
+ "1inh",
+ "2qf5",
+ "3awv",
+ "4i8q",
+ "5lm5",
+ "3amn",
+ "4re9",
+ "2xox",
+ "5wqo",
+ "2gcf",
+ "2iui",
+ "1lt7",
+ "2f2c",
+ "5c5h",
+ "1pic",
+ "5r1j",
+ "6cb8",
+ "7vr8",
+ "4zwo",
+ "4zh7",
+ "3hto",
+ "2j33",
+ "7cta",
+ "6vx5",
+ "1s3d",
+ "5oc3",
+ "7vj6",
+ "1xwj",
+ "3fhr",
+ "7c6r",
+ "7rtu",
+ "4fyy",
+ "3t84",
+ "2fk0",
+ "5pq0",
+ "6sov",
+ "1n28",
+ "2p2m",
+ "1us0",
+ "6gzf",
+ "4xx7",
+ "6wcd",
+ "3tl0",
+ "4zk9",
+ "4l04",
+ "4zuk",
+ "5xfm",
+ "7jmt",
+ "2rsn",
+ "5tuh",
+ "3rak",
+ "2i1b",
+ "6b6r",
+ "2vgg",
+ "2k9n",
+ "7kfl",
+ "4wsq",
+ "1qwh",
+ "2jnf",
+ "2wif",
+ "3zx9",
+ "2h6k",
+ "4lt7",
+ "3ex4",
+ "6ji2",
+ "1a2s",
+ "2zgt",
+ "1ux1",
+ "4d9v",
+ "1u46",
+ "1fv2",
+ "1mng",
+ "5qtx",
+ "7x62",
+ "4nuh",
+ "2yjd",
+ "5nwa",
+ "6qov",
+ "2ik1",
+ "6obn",
+ "7jwg",
+ "3m7f",
+ "7msb",
+ "5r0g",
+ "5dvo",
+ "6rb7",
+ "5lgu",
+ "3it0",
+ "5dcx",
+ "6yva",
+ "3sev",
+ "4pij",
+ "4apu",
+ "8e84",
+ "6nuh",
+ "4jfb",
+ "1f7l",
+ "2i80",
+ "6vvu",
+ "1qvn",
+ "1tl4",
+ "4cqn",
+ "7qbk",
+ "5m4n",
+ "1tu7",
+ "6hfw",
+ "5co7",
+ "4mvk",
+ "7bhv",
+ "4hyc",
+ "3dxv",
+ "4d10",
+ "4ayl",
+ "7x0z",
+ "6nxl",
+ "1pnh",
+ "4ec2",
+ "2ewm",
+ "4znf",
+ "5sxs",
+ "7t9v",
+ "4c6s",
+ "5es3",
+ "4ggo",
+ "4bcw",
+ "2c0r",
+ "7kdm",
+ "3exs",
+ "2h67",
+ "2ojr",
+ "3pp0",
+ "5wch",
+ "7reg",
+ "4zwb",
+ "7ksx",
+ "4aqv",
+ "2y0s",
+ "6xfp",
+ "2za4",
+ "1dpz",
+ "5hnl",
+ "1x09",
+ "1gym",
+ "6wy1",
+ "1i1r",
+ "1i1y",
+ "6oai",
+ "4qd6",
+ "1jxc",
+ "2y6k",
+ "1h1z",
+ "4krn",
+ "7lb7",
+ "5xz0",
+ "1ujb",
+ "5az7",
+ "5cvw",
+ "5m39",
+ "5y6m",
+ "2w0c",
+ "4mhf",
+ "1c04",
+ "3mis",
+ "2xmk",
+ "5o6j",
+ "3lk2",
+ "6bqs",
+ "5v87",
+ "4czm",
+ "2y62",
+ "4r0c",
+ "5nmg",
+ "7exz",
+ "7khc",
+ "3uxu",
+ "6ky9",
+ "4zyx",
+ "3ztg",
+ "7qrt",
+ "5ae0",
+ "5mrg",
+ "2poo",
+ "3aof",
+ "1kru",
+ "6i78",
+ "3bas",
+ "4wii",
+ "1fpl",
+ "6f9i",
+ "2b70",
+ "5ac0",
+ "7lkv",
+ "8heh",
+ "6tug",
+ "6qqf",
+ "5inm",
+ "7lv1",
+ "7db6",
+ "6w7g",
+ "5iz1",
+ "6nws",
+ "6nxm",
+ "6gw1",
+ "6x1y",
+ "8aj2",
+ "3b2l",
+ "4yef",
+ "5hje",
+ "6wed",
+ "3cys",
+ "7ey7",
+ "1ic2",
+ "2qlf",
+ "5rm4",
+ "2cma",
+ "5ysw",
+ "2ma9",
+ "4lrh",
+ "4kba",
+ "2mkk",
+ "1dy9",
+ "6zzj",
+ "3wwb",
+ "5c2i",
+ "4mbl",
+ "6whv",
+ "6lvq",
+ "6rum",
+ "1dyj",
+ "5xj0",
+ "3b6r",
+ "5bou",
+ "2jom",
+ "2c96",
+ "5t0z",
+ "4rw7",
+ "2ma2",
+ "1g7n",
+ "123l",
+ "6k8x",
+ "6saz",
+ "5p8d",
+ "1ecy",
+ "4pyl",
+ "6tbe",
+ "4iu0",
+ "2l9v",
+ "5z78",
+ "1a6t",
+ "3beo",
+ "6mrt",
+ "5pf3",
+ "2py8",
+ "5im5",
+ "5csi",
+ "7ceg",
+ "3d4k",
+ "1rpn",
+ "4wyn",
+ "4wt3",
+ "1mm4",
+ "3bgl",
+ "5a3v",
+ "3qeq",
+ "1jra",
+ "2h08",
+ "1eni",
+ "1dxu",
+ "1iy7",
+ "4m42",
+ "7jvg",
+ "2d06",
+ "3w0m",
+ "5z05",
+ "6ppg",
+ "3vul",
+ "4yxl",
+ "5ivb",
+ "7bqi",
+ "4e7x",
+ "5tnq",
+ "6fwx",
+ "3j0h",
+ "7t70",
+ "5d63",
+ "3b99",
+ "4yvj",
+ "5to6",
+ "7esp",
+ "3dpm",
+ "2b2x",
+ "1wr5",
+ "2l3b",
+ "5p8k",
+ "2i4h",
+ "5o6c",
+ "1ilk",
+ "3q75",
+ "1gz7",
+ "7fmk",
+ "4wmz",
+ "3hmr",
+ "8aop",
+ "4k6u",
+ "1qez",
+ "7kr9",
+ "5tpw",
+ "5o3m",
+ "5kv7",
+ "6sdm",
+ "6jmf",
+ "3djp",
+ "2f5g",
+ "6vuj",
+ "3f99",
+ "7w5u",
+ "4ghf",
+ "6jct",
+ "2y7f",
+ "6w6h",
+ "3ljw",
+ "7kha",
+ "4h5w",
+ "4q0u",
+ "2x7o",
+ "6aoc",
+ "4lo3",
+ "4wc4",
+ "4wuh",
+ "4jdv",
+ "4j1v",
+ "8ec8",
+ "1c6a",
+ "4nbl",
+ "6wp4",
+ "2bsx",
+ "4g84",
+ "5wcc",
+ "3kbw",
+ "3ph7",
+ "6pdk",
+ "7xbb",
+ "6dcj",
+ "1l0d",
+ "1rhr",
+ "2x1o",
+ "2vg2",
+ "3moh",
+ "2q2h",
+ "5kxz",
+ "7f2b",
+ "5t7d",
+ "7u6u",
+ "6o9z",
+ "4p3b",
+ "2ese",
+ "1xin",
+ "5sb5",
+ "2n2v",
+ "5glj",
+ "5ou8",
+ "5xpv",
+ "1h6y",
+ "1pqi",
+ "6ssi",
+ "2mqm",
+ "3vmq",
+ "2hvx",
+ "6f0y",
+ "1iwy",
+ "1ykn",
+ "3zyo",
+ "4hem",
+ "5e1g",
+ "6ouv",
+ "3d1e",
+ "4n0c",
+ "7fri",
+ "2ziz",
+ "5xlt",
+ "1bno",
+ "5pwv",
+ "5xt2",
+ "4oyc",
+ "3jwr",
+ "2za1",
+ "2bxv",
+ "4ldy",
+ "5kjf",
+ "3wef",
+ "2agm",
+ "2g12",
+ "1myl",
+ "1phw",
+ "2f4w",
+ "2e9n",
+ "5ron",
+ "4ldr",
+ "3t3n",
+ "6fy8",
+ "2lv1",
+ "6pr7",
+ "5ilm",
+ "1lbm",
+ "3a9r",
+ "1jay",
+ "3fo2",
+ "7qlx",
+ "3b3j",
+ "5fmz",
+ "6tmx",
+ "7ub4",
+ "4g8r",
+ "7yf6",
+ "5ave",
+ "4bqn",
+ "1f8z",
+ "5p3i",
+ "6d4t",
+ "1u43",
+ "3gss",
+ "8d4j",
+ "2j45",
+ "4jy6",
+ "3ewo",
+ "7sp9",
+ "3v60",
+ "6nom",
+ "5xz3",
+ "2wj9",
+ "7n2s",
+ "5fan",
+ "5ola",
+ "4nk5",
+ "2rcn",
+ "3w0l",
+ "1w25",
+ "5d0e",
+ "1qni",
+ "5zlc",
+ "1o7x",
+ "2kcn",
+ "4fex",
+ "1fqx",
+ "7tmz",
+ "1cmp",
+ "3pnh",
+ "5qd8",
+ "2i47",
+ "8iai",
+ "1i4k",
+ "5ceq",
+ "2ym1",
+ "5d2k",
+ "6iub",
+ "5nl6",
+ "6qwv",
+ "6ybr",
+ "2z80",
+ "2ofj",
+ "2xht",
+ "4mfp",
+ "1kyn",
+ "3znx",
+ "4qxo",
+ "2w0g",
+ "1fmu",
+ "6jsf",
+ "5k6p",
+ "6hgq",
+ "7tiv",
+ "7xjk",
+ "6tb8",
+ "5tui",
+ "4ivs",
+ "1uex",
+ "2i56",
+ "2xy9",
+ "5w0o",
+ "1m8e",
+ "6azd",
+ "1ll9",
+ "1uco",
+ "3h47",
+ "4zcp",
+ "7kl7",
+ "2yue",
+ "3e79",
+ "6fue",
+ "5z3b",
+ "4m9p",
+ "5l1r",
+ "3q44",
+ "2mki",
+ "7oc2",
+ "2trx",
+ "2gtu",
+ "5oad",
+ "1z4s",
+ "2ezn",
+ "3oj8",
+ "7lgj",
+ "7xpv",
+ "7r0i",
+ "1jif",
+ "4kvk",
+ "5rm6",
+ "6k2z",
+ "2cjy",
+ "2lgv",
+ "1xjg",
+ "1ms4",
+ "5zqd",
+ "5uzm",
+ "2ke1",
+ "3vv1",
+ "1j1c",
+ "6dpy",
+ "3vu9",
+ "4bpb",
+ "2mf2",
+ "7bev",
+ "3rwl",
+ "5j6z",
+ "5a6b",
+ "1uw8",
+ "7rxb",
+ "2hr7",
+ "1eqw",
+ "4tuq",
+ "1cun",
+ "7qn8",
+ "2bqv",
+ "2jvn",
+ "1jx1",
+ "5ajz",
+ "6fsu",
+ "6m53",
+ "3emo",
+ "3tl5",
+ "4iwf",
+ "6rw2",
+ "5rld",
+ "3sva",
+ "4mpn",
+ "2qrl",
+ "1fbq",
+ "7wjd",
+ "4gbq",
+ "1gd9",
+ "5p8s",
+ "6yel",
+ "3aaf",
+ "6o7r",
+ "7tnd",
+ "5pp2",
+ "4pwn",
+ "5kg6",
+ "3t8g",
+ "5l8a",
+ "5lzj",
+ "7kad",
+ "6wnk",
+ "7bmy",
+ "2hrv",
+ "5jzi",
+ "4u18",
+ "6sp9",
+ "3hag",
+ "1ddv",
+ "4lcv",
+ "3h4z",
+ "5ovc",
+ "1xas",
+ "4odq",
+ "6wh2",
+ "1on9",
+ "2pdz",
+ "3e3u",
+ "4edk",
+ "4r98",
+ "4v3h",
+ "6krh",
+ "7etf",
+ "1g79",
+ "5tvp",
+ "5y9g",
+ "6xie",
+ "3mcb",
+ "7n4t",
+ "1fw1",
+ "1prb",
+ "6x9g",
+ "3p90",
+ "6qgn",
+ "5hxe",
+ "1o6j",
+ "2j6y",
+ "1zi5",
+ "5h5k",
+ "4ezo",
+ "1p6o",
+ "3a9y",
+ "4a6l",
+ "1md3",
+ "6u5s",
+ "4q09",
+ "3a0u",
+ "7qqk",
+ "7uht",
+ "6r3c",
+ "2lmc",
+ "1u7p",
+ "8aak",
+ "2fs3",
+ "6ld1",
+ "7lrg",
+ "7m18",
+ "4wxf",
+ "6uuq",
+ "2p4v",
+ "5e0h",
+ "2aly",
+ "1x2b",
+ "4nj6",
+ "3l2y",
+ "5ksj",
+ "2bua",
+ "3ev1",
+ "2klj",
+ "3etd",
+ "5wvh",
+ "2l8m",
+ "6qzb",
+ "7frm",
+ "5sz5",
+ "7rt9",
+ "1okj",
+ "2jor",
+ "3msl",
+ "4zly",
+ "6xz4",
+ "5p7u",
+ "5qe5",
+ "2onv",
+ "2aoa",
+ "4j3k",
+ "4df3",
+ "5fnj",
+ "3fq8",
+ "4n28",
+ "3kvj",
+ "1zdh",
+ "3r50",
+ "7q2c",
+ "5npz",
+ "4rfw",
+ "1y7w",
+ "6gl6",
+ "2dvg",
+ "1rmz",
+ "4pwa",
+ "2ln3",
+ "2ybm",
+ "2fie",
+ "2a96",
+ "2cl2",
+ "3umj",
+ "2m8j",
+ "1bsq",
+ "4d0o",
+ "5op9",
+ "6prp",
+ "6o8e",
+ "6c1u",
+ "1k40",
+ "4zh4",
+ "5c8u",
+ "7d6h",
+ "3m4g",
+ "6mb0",
+ "3h7s",
+ "1b2j",
+ "3w63",
+ "2ntq",
+ "2wcv",
+ "4ha9",
+ "3kz4",
+ "3dwn",
+ "1f3w",
+ "7x9h",
+ "6bji",
+ "7uje",
+ "6pnx",
+ "7uqv",
+ "2k32",
+ "6r1g",
+ "6j5w",
+ "4kct",
+ "5cfr",
+ "6bqj",
+ "1ivl",
+ "1msa",
+ "2mq8",
+ "6ggi",
+ "5hgg",
+ "3tze",
+ "6bia",
+ "1j8u",
+ "5ku9",
+ "2rqr",
+ "5vsk",
+ "5n2n",
+ "6m6w",
+ "1i3z",
+ "3arj",
+ "6bq0",
+ "1kma",
+ "6e9n",
+ "4gcj",
+ "7e55",
+ "7wem",
+ "6yjb",
+ "1u3w",
+ "4equ",
+ "2q1h",
+ "2y8p",
+ "5ed2",
+ "6fhp",
+ "2xce",
+ "1spp",
+ "3vqe",
+ "1ml2",
+ "2g0y",
+ "5cwc",
+ "3sv9",
+ "2byu",
+ "1yhb",
+ "1eaf",
+ "4j91",
+ "6n7i",
+ "7ljh",
+ "4nom",
+ "5hi4",
+ "5z32",
+ "1pyy",
+ "7rdh",
+ "6xpj",
+ "1ku3",
+ "4hog",
+ "4qvw",
+ "6hsj",
+ "1lc0",
+ "1e5c",
+ "4u00",
+ "4k9a",
+ "4c0z",
+ "6ng9",
+ "4ca4",
+ "5xpg",
+ "3s4l",
+ "8ayy",
+ "6jp8",
+ "5cvz",
+ "3urk",
+ "5pmv",
+ "7vqb",
+ "2xvb",
+ "2xl2",
+ "3inz",
+ "6q94",
+ "4fwk",
+ "2dex",
+ "6lz8",
+ "1hmv",
+ "4bhr",
+ "2n74",
+ "1yhp",
+ "7cr0",
+ "5x15",
+ "3f0d",
+ "6qr5",
+ "7s70",
+ "1shq",
+ "2a62",
+ "2g0k",
+ "1sw0",
+ "5ypd",
+ "1nyl",
+ "3q4b",
+ "7u0c",
+ "4inl",
+ "3u4i",
+ "8eei",
+ "2jvx",
+ "6luj",
+ "4kgl",
+ "5fky",
+ "6n50",
+ "6b45",
+ "7tjf",
+ "4ode",
+ "6f96",
+ "5p3d",
+ "1u4p",
+ "6ihk",
+ "1qiz",
+ "1c5t",
+ "5reh",
+ "4l0l",
+ "1b1x",
+ "4bso",
+ "5iuw",
+ "1ifb",
+ "1xlb",
+ "1lnq",
+ "2r4p",
+ "1v4i",
+ "1don",
+ "3c9j",
+ "3qmd",
+ "1olz",
+ "7e4i",
+ "1anv",
+ "4jkr",
+ "2hwv",
+ "5xai",
+ "2mx9",
+ "6cdr",
+ "5a2x",
+ "3ugx",
+ "7w78",
+ "5ets",
+ "6f84",
+ "5b08",
+ "5yb2",
+ "2pzb",
+ "1oqm",
+ "3tc6",
+ "7up1",
+ "4i32",
+ "3zlp",
+ "4ncq",
+ "1plf",
+ "5btq",
+ "6vyj",
+ "5t82",
+ "2evo",
+ "5k8s",
+ "4zur",
+ "1jfa",
+ "4pff",
+ "1knr",
+ "1hxt",
+ "3b2v",
+ "4rrb",
+ "6fn2",
+ "6t0u",
+ "1ust",
+ "5sxg",
+ "1qfu",
+ "6idz",
+ "2dda",
+ "4ug2",
+ "3v33",
+ "5wvd",
+ "3mvs",
+ "7x2c",
+ "7lg6",
+ "3ici",
+ "1j4k",
+ "4cew",
+ "5b1o",
+ "7k0k",
+ "7ppv",
+ "5nxw",
+ "6lkr",
+ "6ddk",
+ "6kqj",
+ "6moe",
+ "1g43",
+ "2j3s",
+ "8efg",
+ "6qh5",
+ "7x4n",
+ "7ky1",
+ "2ohg",
+ "3a95",
+ "4ajp",
+ "7lgf",
+ "2wk5",
+ "2jlv",
+ "4qud",
+ "6ef0",
+ "2bi3",
+ "4m14",
+ "1gne",
+ "2p4t",
+ "4ztf",
+ "4i2b",
+ "5o4l",
+ "2jiv",
+ "4hix",
+ "5p3j",
+ "7jhg",
+ "4l63",
+ "5qn8",
+ "2r1y",
+ "6ccm",
+ "4lil",
+ "1pyx",
+ "2ezs",
+ "7vfx",
+ "3knr",
+ "5x89",
+ "4mbb",
+ "4uhh",
+ "6do4",
+ "6jde",
+ "5qcw",
+ "1ouh",
+ "5wdo",
+ "6ai0",
+ "3b9l",
+ "2hc2",
+ "7s35",
+ "8hd4",
+ "4nx7",
+ "2vng",
+ "6d1b",
+ "5npc",
+ "4v17",
+ "7n1f",
+ "4oxy",
+ "3qs5",
+ "4cpl",
+ "7r12",
+ "7l9e",
+ "4xu0",
+ "4xdh",
+ "6qwa",
+ "4czt",
+ "6roc",
+ "3liy",
+ "2kqc",
+ "1unk",
+ "7t1l",
+ "2wwt",
+ "7v3w",
+ "4d4p",
+ "3w5o",
+ "4ih3",
+ "3rbv",
+ "1b00",
+ "7ktk",
+ "7udl",
+ "1is6",
+ "2xhk",
+ "7q71",
+ "6ivn",
+ "5gka",
+ "6u4j",
+ "4xha",
+ "2gqn",
+ "7esb",
+ "4pwl",
+ "2pw2",
+ "5g06",
+ "1jwv",
+ "4wxv",
+ "7jz3",
+ "7a48",
+ "5xm2",
+ "5evk",
+ "6aag",
+ "7zrq",
+ "1r24",
+ "4xv8",
+ "4q71",
+ "1bh5",
+ "4d2b",
+ "4zpl",
+ "6y6e",
+ "4m11",
+ "7rdy",
+ "6jk0",
+ "2wbh",
+ "5mn4",
+ "4qag",
+ "2a3l",
+ "2bxl",
+ "6prr",
+ "4u0u",
+ "7wx4",
+ "2j6i",
+ "7ot1",
+ "7kmv",
+ "4b9s",
+ "4mlb",
+ "6pnb",
+ "4nlc",
+ "5lvv",
+ "4a8p",
+ "7sd4",
+ "1r7r",
+ "1ezj",
+ "4dik",
+ "6g24",
+ "3j7w",
+ "4d8p",
+ "7od9",
+ "7a1z",
+ "5e75",
+ "5e7b",
+ "6r91",
+ "3rad",
+ "6dix",
+ "8dir",
+ "5sua",
+ "4g1e",
+ "1hei",
+ "3b0n",
+ "3cl1",
+ "2j1u",
+ "5osi",
+ "1v8b",
+ "6itl",
+ "2v7d",
+ "1r0v",
+ "3r0w",
+ "4fyi",
+ "1k6w",
+ "5jw1",
+ "1e6u",
+ "7wo7",
+ "4lp8",
+ "6viz",
+ "2anz",
+ "4p7k",
+ "1iv4",
+ "3cfk",
+ "1e9k",
+ "5lak",
+ "2j8p",
+ "8asj",
+ "1ij6",
+ "3ene",
+ "7lp6",
+ "6rn7",
+ "3bc4",
+ "3jzq",
+ "5bu0",
+ "7xkd",
+ "6cd1",
+ "7m1i",
+ "5w8n",
+ "6kpl",
+ "1rsf",
+ "3llr",
+ "1tbd",
+ "6xr7",
+ "4ccj",
+ "5unt",
+ "5z45",
+ "8b90",
+ "7w5v",
+ "5l4r",
+ "1t61",
+ "5h8n",
+ "1i8t",
+ "5kts",
+ "6wrh",
+ "3kjl",
+ "3r95",
+ "6hm8",
+ "1vfp",
+ "1ajp",
+ "5ka9",
+ "6ea1",
+ "5lgq",
+ "5ufp",
+ "4drw",
+ "7ra5",
+ "6zhm",
+ "5yif",
+ "7qmj",
+ "6rcq",
+ "4ynb",
+ "1jaw",
+ "7jvi",
+ "4et8",
+ "4mta",
+ "2bgu",
+ "6prs",
+ "1az2",
+ "5qo0",
+ "7l7b",
+ "6gna",
+ "5o96",
+ "8acp",
+ "6rzv",
+ "4do6",
+ "5cmp",
+ "1l9n",
+ "4ums",
+ "3hjk",
+ "1e6m",
+ "7yta",
+ "2f4m",
+ "2de6",
+ "7tsz",
+ "1eqh",
+ "4knu",
+ "1tfi",
+ "3k8i",
+ "4u4f",
+ "6nzj",
+ "6tu2",
+ "6cwn",
+ "5vox",
+ "5exi",
+ "5he1",
+ "4j1k",
+ "7bxg",
+ "6ezo",
+ "1stg",
+ "4rwa",
+ "2gw8",
+ "5uez",
+ "3qpo",
+ "4kqk",
+ "5jp4",
+ "4mfi",
+ "6uxo",
+ "1tkv",
+ "7s3m",
+ "2cge",
+ "7kbb",
+ "7uh4",
+ "6g03",
+ "3lcz",
+ "7v18",
+ "4bqh",
+ "1clm",
+ "4nin",
+ "6nlq",
+ "4i18",
+ "1kz5",
+ "2kun",
+ "4c94",
+ "1ccz",
+ "2vg8",
+ "6jjp",
+ "5ira",
+ "4ekb",
+ "7y87",
+ "4cdg",
+ "7jqa",
+ "3l32",
+ "5b04",
+ "6hkc",
+ "7k3y",
+ "8ddy",
+ "3vv2",
+ "3elq",
+ "6plh",
+ "5x6i",
+ "3vbs",
+ "1iq6",
+ "1han",
+ "5ly0",
+ "5ta1",
+ "7k0n",
+ "2ezi",
+ "3vcp",
+ "5omh",
+ "1dz1",
+ "7u5b",
+ "6pui",
+ "1e50",
+ "6hmq",
+ "6ru4",
+ "5odv",
+ "1qtz",
+ "6t3l",
+ "6jxk",
+ "4y9w",
+ "3s2v",
+ "2awh",
+ "4r1t",
+ "6iqr",
+ "5p8u",
+ "1utc",
+ "2bm6",
+ "3bh2",
+ "2yit",
+ "5d7g",
+ "3zos",
+ "4k3i",
+ "7tu7",
+ "5rst",
+ "7qvx",
+ "4xmc",
+ "6u20",
+ "5c6o",
+ "1ri9",
+ "1qam",
+ "5prj",
+ "3mw4",
+ "6pl5",
+ "1uga",
+ "5lin",
+ "1dx5",
+ "6ic3",
+ "3k1d",
+ "7xew",
+ "3mar",
+ "7exr",
+ "5caq",
+ "1pr2",
+ "6abo",
+ "1pls",
+ "7cgc",
+ "3m0y",
+ "1v19",
+ "117e",
+ "7jwf",
+ "5d7h",
+ "5u0u",
+ "2ztx",
+ "3nn9",
+ "6ch6",
+ "1ena",
+ "2e77",
+ "1h92",
+ "7x8f",
+ "4jcj",
+ "1emy",
+ "7zr1",
+ "1a85",
+ "6kix",
+ "1nr1",
+ "5oq3",
+ "3h1e",
+ "5hu0",
+ "7ovg",
+ "6vyl",
+ "5ecj",
+ "4ove",
+ "6zee",
+ "2m76",
+ "5y5e",
+ "5nkg",
+ "2leb",
+ "6n38",
+ "4d2j",
+ "4wfn",
+ "6ujb",
+ "6u6x",
+ "6ufz",
+ "7fhu",
+ "2ric",
+ "6bs9",
+ "3ugk",
+ "1fyd",
+ "3oeb",
+ "1ynh",
+ "1dkg",
+ "3tvq",
+ "7v91",
+ "6ssm",
+ "4bw3",
+ "4rzm",
+ "6sim",
+ "5xpj",
+ "7mm8",
+ "2omm",
+ "1ljp",
+ "5kti",
+ "4m5n",
+ "7baa",
+ "7tu4",
+ "2ev5",
+ "2dcy",
+ "2xon",
+ "7s2r",
+ "4io7",
+ "1iej",
+ "4as5",
+ "3l0n",
+ "1g0a",
+ "1tqy",
+ "2o0l",
+ "3slc",
+ "4c97",
+ "4xbz",
+ "5ne5",
+ "6b09",
+ "4jyt",
+ "5pix",
+ "7xtt",
+ "5zm0",
+ "5re1",
+ "6r60",
+ "7rwi",
+ "5val",
+ "6fia",
+ "4n7c",
+ "5iqf",
+ "5vup",
+ "2anw",
+ "4u0s",
+ "5nlj",
+ "3b1w",
+ "6eu5",
+ "7xiu",
+ "4owi",
+ "4wm8",
+ "4qf3",
+ "4p1e",
+ "3g4l",
+ "2r5u",
+ "6ld5",
+ "5a0q",
+ "6yqo",
+ "3nv6",
+ "6gbh",
+ "3qjm",
+ "6e45",
+ "1saw",
+ "3a94",
+ "7f13",
+ "1lwm",
+ "7foy",
+ "5d7p",
+ "5gzo",
+ "2wip",
+ "4css",
+ "6lrb",
+ "1cqg",
+ "5aem",
+ "2xmg",
+ "7qk2",
+ "6whz",
+ "3u0d",
+ "7vno",
+ "1z8q",
+ "2kfm",
+ "1tui",
+ "1xo2",
+ "1dk4",
+ "1cb2",
+ "4nbt",
+ "5r29",
+ "7ly5",
+ "5kmu",
+ "7bct",
+ "5s9s",
+ "6uik",
+ "1s7f",
+ "6ncv",
+ "6wzl",
+ "5p6f",
+ "6f1e",
+ "4u04",
+ "4jif",
+ "4hra",
+ "7kbl",
+ "3cge",
+ "3ci1",
+ "3mz6",
+ "1fj6",
+ "5nb0",
+ "3itu",
+ "6gjt",
+ "3hoc",
+ "3hbj",
+ "5hec",
+ "2ldo",
+ "4xv3",
+ "1a0n",
+ "5g5p",
+ "5l3l",
+ "6mn3",
+ "4naf",
+ "5lhe",
+ "6dl8",
+ "4en3",
+ "3nji",
+ "7rmr",
+ "7lix",
+ "6muw",
+ "2kr0",
+ "5yry",
+ "5pbs",
+ "6jnt",
+ "7wru",
+ "1r0c",
+ "6osa",
+ "7fod",
+ "8aq0",
+ "3hbq",
+ "6jqv",
+ "7ov8",
+ "7wj5",
+ "3n89",
+ "6i75",
+ "1pq4",
+ "6xbc",
+ "7mgb",
+ "3t00",
+ "4cql",
+ "1hi6",
+ "4n37",
+ "5psa",
+ "1cod",
+ "7pzj",
+ "6o0f",
+ "7vq5",
+ "7pc9",
+ "3d27",
+ "4ets",
+ "6gk0",
+ "3rt7",
+ "1nub",
+ "5ps4",
+ "1ehi",
+ "5drm",
+ "5m7e",
+ "2nbu",
+ "6ivd",
+ "4hxp",
+ "2wnj",
+ "1od7",
+ "4oga",
+ "3cm8",
+ "3l24",
+ "6jgs",
+ "7o4e",
+ "2ypm",
+ "5cq1",
+ "1q92",
+ "5zb2",
+ "4zz3",
+ "1d4c",
+ "4fq5",
+ "5v3n",
+ "4zz2",
+ "3tm9",
+ "3cid",
+ "7ru4",
+ "3pxg",
+ "4ygs",
+ "6bw6",
+ "3gd4",
+ "7n10",
+ "4l9c",
+ "1ilu",
+ "1hsl",
+ "6t2t",
+ "3oni",
+ "5giq",
+ "3v3j",
+ "1y96",
+ "7w43",
+ "4mzj",
+ "7vel",
+ "1tq6",
+ "238l",
+ "5mcu",
+ "2vwt",
+ "6k5z",
+ "5p1g",
+ "4zni",
+ "1j1z",
+ "6xo1",
+ "1oie",
+ "1nj2",
+ "3wo3",
+ "3ao0",
+ "4uri",
+ "4pm6",
+ "5w2o",
+ "4i12",
+ "7l6c",
+ "6jo3",
+ "7lc1",
+ "6o28",
+ "1hcf",
+ "1n1b",
+ "1eey",
+ "4pk7",
+ "2oc8",
+ "6olt",
+ "4rn4",
+ "1z5z",
+ "6pws",
+ "2jc4",
+ "5uji",
+ "3au9",
+ "5jx8",
+ "4pmt",
+ "5hph",
+ "5hrq",
+ "3mx9",
+ "1d1t",
+ "6fqr",
+ "4e9w",
+ "4lup",
+ "6qcj",
+ "5jaz",
+ "1prr",
+ "3r6g",
+ "5wmx",
+ "7f7w",
+ "2eqq",
+ "1pry",
+ "4ju4",
+ "3p7z",
+ "5ruz",
+ "5z42",
+ "2e0w",
+ "3rok",
+ "5axq",
+ "6m10",
+ "3cx9",
+ "6w4e",
+ "5j2k",
+ "2lzf",
+ "5zin",
+ "2tlx",
+ "3gkk",
+ "3exf",
+ "3dtp",
+ "6p86",
+ "5f7m",
+ "1g5p",
+ "6jqw",
+ "1nb5",
+ "5dcq",
+ "1ce4",
+ "1glp",
+ "4n2f",
+ "5dz3",
+ "5fx5",
+ "1k1e",
+ "1bse",
+ "1sig",
+ "1bn5",
+ "6cl5",
+ "6f74",
+ "1b2r",
+ "7o0l",
+ "6i1a",
+ "1bnl",
+ "8bdg",
+ "6bz2",
+ "3bss",
+ "4ur1",
+ "1gg1",
+ "4hz5",
+ "3af1",
+ "5h1q",
+ "6e7i",
+ "3inb",
+ "1t94",
+ "1z3y",
+ "5ang",
+ "7koo",
+ "4qo4",
+ "7mqc",
+ "3ai1",
+ "4xzs",
+ "5dwp",
+ "1knu",
+ "4rii",
+ "2j7c",
+ "1ult",
+ "6t9p",
+ "6w82",
+ "6g7h",
+ "7aw2",
+ "1wo9",
+ "6cpj",
+ "3w8j",
+ "1avw",
+ "7qo1",
+ "1e1w",
+ "5w3n",
+ "6z1k",
+ "2p1y",
+ "5ism",
+ "5a7g",
+ "1bcp",
+ "2w7w",
+ "2qlb",
+ "4l1q",
+ "1ohq",
+ "2rkb",
+ "5kll",
+ "5bys",
+ "7q2r",
+ "2oze",
+ "1zzr",
+ "4q4p",
+ "1cwh",
+ "1lol",
+ "4rmr",
+ "5mnv",
+ "1na5",
+ "7c2s",
+ "6l5m",
+ "1eix",
+ "3kh9",
+ "4cw9",
+ "6tr3",
+ "6d15",
+ "4xoc",
+ "6xbf",
+ "6i1r",
+ "3zi6",
+ "8fh1",
+ "5yyp",
+ "5yl0",
+ "7byx",
+ "3gb7",
+ "6rz5",
+ "4jju",
+ "6x6f",
+ "4o0a",
+ "5jd9",
+ "3o4m",
+ "5hsi",
+ "2muf",
+ "1u70",
+ "1bkz",
+ "6tjg",
+ "2nwb",
+ "6bcc",
+ "1fhr",
+ "2v9n",
+ "3eel",
+ "1nm6",
+ "2qtw",
+ "2g2u",
+ "1isa",
+ "2j8i",
+ "8d5r",
+ "6qqe",
+ "7mdh",
+ "3pkx",
+ "1yqj",
+ "4uh4",
+ "3v2k",
+ "3ljz",
+ "4xa4",
+ "5cej",
+ "5zh3",
+ "4kc0",
+ "1dis",
+ "7mhr",
+ "5fmv",
+ "1b35",
+ "4hof",
+ "5plc",
+ "3v42",
+ "7nlh",
+ "6wsk",
+ "4wy3",
+ "5vo6",
+ "3uv6",
+ "1c3e",
+ "7k2e",
+ "5in5",
+ "2oz0",
+ "4iof",
+ "6kss",
+ "2ke0",
+ "6dgm",
+ "3wqh",
+ "1r3c",
+ "5trm",
+ "6dnt",
+ "5j21",
+ "5rme",
+ "3gzf",
+ "4lwa",
+ "7w7j",
+ "1fo8",
+ "6phg",
+ "5rvb",
+ "5k1c",
+ "4uvk",
+ "4nwj",
+ "4tpm",
+ "1af3",
+ "3hee",
+ "4l87",
+ "5dk0",
+ "3h4g",
+ "5j7n",
+ "7pk9",
+ "2x3f",
+ "3wpa",
+ "4wua",
+ "1zo9",
+ "7mqz",
+ "3q29",
+ "1n2z",
+ "5mje",
+ "5trg",
+ "3suz",
+ "7f3f",
+ "4bca",
+ "1qg3",
+ "5wym",
+ "3c8e",
+ "6ql2",
+ "7dei",
+ "1owl",
+ "1k05",
+ "2v4z",
+ "7xxt",
+ "5dfr",
+ "1q6m",
+ "2q11",
+ "4xgt",
+ "4gut",
+ "6e7y",
+ "8ba0",
+ "1nuh",
+ "1aqr",
+ "2miz",
+ "4nt2",
+ "5tkq",
+ "7l7l",
+ "2bu6",
+ "6l1g",
+ "2nty",
+ "7kgz",
+ "1ii4",
+ "6vlv",
+ "3rv6",
+ "7th5",
+ "2wc1",
+ "6dl9",
+ "2a58",
+ "4rca",
+ "3kgl",
+ "2lgq",
+ "5rc8",
+ "5xg9",
+ "2mfg",
+ "2vlv",
+ "1uid",
+ "7d52",
+ "2i4n",
+ "2zfz",
+ "2brm",
+ "3liq",
+ "7qho",
+ "3hlj",
+ "5u5z",
+ "8a76",
+ "6teo",
+ "6cux",
+ "5rde",
+ "6qcc",
+ "1jac",
+ "1e9r",
+ "4ddb",
+ "4ydf",
+ "5jb6",
+ "3tqi",
+ "6n4r",
+ "1b1h",
+ "6ad5",
+ "3amd",
+ "1gfy",
+ "4f3y",
+ "6e62",
+ "7s5l",
+ "3mat",
+ "4hmx",
+ "3pxn",
+ "6cd3",
+ "6zcc",
+ "5x12",
+ "2wy3",
+ "2iad",
+ "6pvr",
+ "4wxg",
+ "2btp",
+ "6hmh",
+ "2e5c",
+ "3mgo",
+ "5pjx",
+ "3t4m",
+ "1jx6",
+ "5xee",
+ "5y8p",
+ "2npd",
+ "4e6h",
+ "7ll1",
+ "4fop",
+ "5tya",
+ "1mj3",
+ "4gql",
+ "5jfg",
+ "1ohj",
+ "3m5d",
+ "5ww3",
+ "6go7",
+ "5nj5",
+ "5u13",
+ "6x91",
+ "7f8c",
+ "3sy9",
+ "5cev",
+ "2rsm",
+ "6cw1",
+ "3ti4",
+ "7lfp",
+ "6rz7",
+ "5e63",
+ "6ci5",
+ "4xhz",
+ "7aiy",
+ "3ihz",
+ "3efj",
+ "7r95",
+ "4fdk",
+ "4mdf",
+ "4caa",
+ "2fgv",
+ "6pbd",
+ "5z30",
+ "1f9i",
+ "4xe4",
+ "6u9p",
+ "7tci",
+ "6fty",
+ "3aiq",
+ "3d9k",
+ "4zp4",
+ "4wvz",
+ "3b2x",
+ "4xro",
+ "1gjc",
+ "1kpq",
+ "4hor",
+ "6qbi",
+ "4a4o",
+ "1d4x",
+ "1f9t",
+ "6lkh",
+ "6bha",
+ "6lr4",
+ "2mej",
+ "6x4q",
+ "7qa4",
+ "2cw6",
+ "7aw0",
+ "7bk1",
+ "4aqh",
+ "7l2u",
+ "4qtx",
+ "7xbt",
+ "3i78",
+ "7agn",
+ "4liy",
+ "1rya",
+ "5d6l",
+ "5frf",
+ "8dnj",
+ "4u3a",
+ "1hzu",
+ "1pnd",
+ "4hrw",
+ "3av1",
+ "4yi3",
+ "7ot2",
+ "2fwv",
+ "4nxl",
+ "6oa9",
+ "2wye",
+ "5k82",
+ "5peh",
+ "4d5h",
+ "5ky3",
+ "6sdc",
+ "7tqm",
+ "5pze",
+ "6kiw",
+ "4ldc",
+ "1pw2",
+ "2bub",
+ "6b4i",
+ "2whj",
+ "5x5q",
+ "4dd8",
+ "7jzh",
+ "5gm9",
+ "7nb4",
+ "6lb2",
+ "1d1h",
+ "1ipf",
+ "5mv3",
+ "7okd",
+ "5evg",
+ "2dog",
+ "1zze",
+ "6ehk",
+ "6xx9",
+ "4ad4",
+ "2h6t",
+ "2mhj",
+ "5gj4",
+ "4idj",
+ "2pe9",
+ "2bhq",
+ "3iwm",
+ "5anl",
+ "3iwl",
+ "7p4w",
+ "3ip4",
+ "5lv4",
+ "4pm9",
+ "6n1e",
+ "6evz",
+ "6z90",
+ "7o6p",
+ "3h8g",
+ "1rey",
+ "4wki",
+ "5amw",
+ "5koq",
+ "5vxc",
+ "4odr",
+ "4nm2",
+ "6dne",
+ "7ttb",
+ "5b3x",
+ "2jab",
+ "3pzr",
+ "1ksc",
+ "1n54",
+ "4n3n",
+ "1fst",
+ "7bu9",
+ "3rh1",
+ "223l",
+ "4s35",
+ "2zs1",
+ "5vyl",
+ "4ohp",
+ "1mpu",
+ "5y7m",
+ "2n42",
+ "7kxy",
+ "3ui7",
+ "4wq3",
+ "3ex8",
+ "2xub",
+ "7wvy",
+ "3luo",
+ "6e7c",
+ "3by8",
+ "7wwb",
+ "5ng7",
+ "1bd3",
+ "4fxj",
+ "7w8o",
+ "5ztl",
+ "4mcd",
+ "6sav",
+ "6tj3",
+ "3wvh",
+ "1d9e",
+ "3ul6",
+ "3drj",
+ "5oq6",
+ "5j0h",
+ "6rf6",
+ "7v9r",
+ "3m4i",
+ "1e9x",
+ "6uun",
+ "3jrx",
+ "2y1z",
+ "3ue0",
+ "6j61",
+ "8gxf",
+ "7bwy",
+ "8drz",
+ "3k4b",
+ "2zmc",
+ "4rp4",
+ "6atl",
+ "1tjt",
+ "6f6m",
+ "6m60",
+ "6wog",
+ "6ukc",
+ "3nmu",
+ "8d76",
+ "2bnx",
+ "3afn",
+ "2p7v",
+ "4hkq",
+ "3s22",
+ "3afg",
+ "6t1d",
+ "6exy",
+ "4i0s",
+ "2du4",
+ "2iag",
+ "1r6p",
+ "2ly4",
+ "2btg",
+ "1c9t",
+ "6gj8",
+ "2rn0",
+ "5isw",
+ "5u2s",
+ "5y03",
+ "6y1v",
+ "3a4m",
+ "6lfc",
+ "2r3t",
+ "3fot",
+ "5te1",
+ "5jsd",
+ "5wg8",
+ "1x0g",
+ "4evv",
+ "5t4x",
+ "8hgp",
+ "3dwq",
+ "5pbr",
+ "6zxl",
+ "5az8",
+ "6lyr",
+ "5emj",
+ "5spq",
+ "2rlo",
+ "2fke",
+ "4bzy",
+ "2pzy",
+ "1xom",
+ "5tks",
+ "2r93",
+ "7jsy",
+ "6tm2",
+ "6crl",
+ "7boc",
+ "7pay",
+ "4qut",
+ "4oih",
+ "5yce",
+ "5wx3",
+ "7bwt",
+ "3vbo",
+ "6nks",
+ "5fzu",
+ "6v04",
+ "4n94",
+ "5c1o",
+ "5dza",
+ "4x4m",
+ "4tkn",
+ "7l2c",
+ "1dhn",
+ "4n5q",
+ "1p58",
+ "3tlm",
+ "1cp0",
+ "4qah",
+ "1y4w",
+ "4f5t",
+ "2gru",
+ "3d98",
+ "3efp",
+ "7mnt",
+ "1lz7",
+ "6kfg",
+ "5zs6",
+ "6f71",
+ "8dex",
+ "6inc",
+ "4jgi",
+ "2iu5",
+ "7moh",
+ "8a8u",
+ "2chy",
+ "5i8t",
+ "1fa7",
+ "5nym",
+ "4ylt",
+ "5l3q",
+ "5los",
+ "7wna",
+ "5mgg",
+ "5xeu",
+ "3f4i",
+ "2khh",
+ "1rwm",
+ "6w44",
+ "2ker",
+ "5eac",
+ "4rx7",
+ "6gtr",
+ "1kiz",
+ "2y65",
+ "2i7o",
+ "1bti",
+ "1cz2",
+ "5znn",
+ "1we4",
+ "6v3p",
+ "3pwj",
+ "7y9u",
+ "4cn3",
+ "7tc4",
+ "3dac",
+ "4u0x",
+ "6clp",
+ "1s5m",
+ "4pan",
+ "7s9c",
+ "5ccj",
+ "5lm7",
+ "3ikl",
+ "7u46",
+ "1eub",
+ "7p8s",
+ "4q35",
+ "2mw9",
+ "7uh8",
+ "1cml",
+ "5wr4",
+ "7wa0",
+ "3nb5",
+ "4s1k",
+ "4z2o",
+ "3uj1",
+ "1gsh",
+ "4k0y",
+ "3nsf",
+ "6iff",
+ "4fbc",
+ "5hp3",
+ "3voi",
+ "6itf",
+ "6q3t",
+ "2yfs",
+ "1esb",
+ "5ejw",
+ "1hns",
+ "7qzf",
+ "1tj7",
+ "8b8g",
+ "2o1u",
+ "7yx8",
+ "3uco",
+ "1b59",
+ "5s9u",
+ "4hdr",
+ "2vor",
+ "6tzn",
+ "3boc",
+ "7z6z",
+ "5vfe",
+ "5jw5",
+ "2r62",
+ "1qpb",
+ "5knw",
+ "4bz5",
+ "1i5y",
+ "2lwd",
+ "1aq6",
+ "3n1c",
+ "6rpx",
+ "2i1y",
+ "1ouf",
+ "7b5g",
+ "1s61",
+ "2kgh",
+ "3ixj",
+ "6f5b",
+ "2ym5",
+ "1bxa",
+ "4oio",
+ "6hzw",
+ "5lg9",
+ "4fwq",
+ "4gl2",
+ "5ckq",
+ "5awb",
+ "3stq",
+ "4iw1",
+ "5noi",
+ "5mi4",
+ "3gp8",
+ "5zu2",
+ "2jqj",
+ "4d4i",
+ "1orl",
+ "4v00",
+ "1tij",
+ "3emz",
+ "6cda",
+ "6ydl",
+ "5imu",
+ "4k9r",
+ "2qzz",
+ "3o9p",
+ "8das",
+ "1ve6",
+ "5fei",
+ "3o9o",
+ "3m62",
+ "2cvt",
+ "5ikb",
+ "1w39",
+ "7d4d",
+ "3uus",
+ "5pir",
+ "7xeu",
+ "7ekc",
+ "7lff",
+ "1qk8",
+ "4cfs",
+ "7cr6",
+ "3hup",
+ "2k6b",
+ "6m0r",
+ "2i91",
+ "7dgh",
+ "5h9i",
+ "7sg7",
+ "5nj2",
+ "3k5u",
+ "6dvi",
+ "1vf8",
+ "5g26",
+ "8a08",
+ "5bvr",
+ "1s89",
+ "3tyz",
+ "6bw5",
+ "6sm1",
+ "5jxq",
+ "2bh1",
+ "2c4j",
+ "6duf",
+ "7z4n",
+ "3o0n",
+ "3tf1",
+ "5zf4",
+ "6af5",
+ "6b5t",
+ "6mc9",
+ "3knf",
+ "6xb4",
+ "4b00",
+ "6at1",
+ "7cay",
+ "1kwy",
+ "3vpp",
+ "5bs7",
+ "2mwd",
+ "1nl6",
+ "3zib",
+ "1m8l",
+ "5tcd",
+ "6cgu",
+ "3n0d",
+ "2pb0",
+ "7smh",
+ "5hft",
+ "6krr",
+ "3ho9",
+ "7bsc",
+ "7s6s",
+ "5xkq",
+ "3hu1",
+ "3mm1",
+ "4jrg",
+ "6kgq",
+ "7dbl",
+ "5z9b",
+ "3glh",
+ "5yx3",
+ "3mv9",
+ "3ale",
+ "3n1n",
+ "7eh7",
+ "2ri9",
+ "1b64",
+ "1gab",
+ "3vg1",
+ "6cgj",
+ "1gfm",
+ "5h7k",
+ "7tfs",
+ "1rxy",
+ "4ckq",
+ "3amc",
+ "2ybs",
+ "2i0h",
+ "2cm3",
+ "3ob7",
+ "1p8s",
+ "5chc",
+ "2atj",
+ "3bm5",
+ "3bg6",
+ "7tjq",
+ "5uqy",
+ "1cqv",
+ "2nm1",
+ "6xl0",
+ "3oys",
+ "7uzp",
+ "5ez7",
+ "3ani",
+ "7slr",
+ "6rz9",
+ "2vlh",
+ "5plj",
+ "5yck",
+ "5i7u",
+ "2koq",
+ "2bn6",
+ "1ml3",
+ "2je1",
+ "7olz",
+ "5jcy",
+ "4pj9",
+ "3gl6",
+ "5a8b",
+ "5pf4",
+ "2bq4",
+ "6hto",
+ "7cts",
+ "2cdy",
+ "5qli",
+ "4o43",
+ "1f88",
+ "7orw",
+ "7lcw",
+ "3ivv",
+ "5j6s",
+ "5ep9",
+ "6zjd",
+ "1uvh",
+ "7jt5",
+ "7ttc",
+ "6jz4",
+ "6hvn",
+ "2zht",
+ "1i2v",
+ "1sko",
+ "1hto",
+ "3wfj",
+ "3lt4",
+ "2ibb",
+ "7ozw",
+ "3ps0",
+ "1ip2",
+ "1rbt",
+ "4wdy",
+ "4g74",
+ "1lwg",
+ "4adn",
+ "6w8t",
+ "4cq9",
+ "6gi8",
+ "2cno",
+ "3hhk",
+ "5akm",
+ "6hxb",
+ "6zya",
+ "1gx9",
+ "1p8n",
+ "7kso",
+ "6rp7",
+ "4e4w",
+ "1j37",
+ "2vau",
+ "7aeq",
+ "8d09",
+ "1u0j",
+ "6ax2",
+ "6evk",
+ "5x0n",
+ "2m3u",
+ "5fvc",
+ "3zsz",
+ "6pti",
+ "5z2m",
+ "7t2g",
+ "6sru",
+ "2ly5",
+ "3saw",
+ "4i21",
+ "1bmw",
+ "5ki6",
+ "4i1p",
+ "2ntj",
+ "3gqk",
+ "6bs3",
+ "1fwf",
+ "1kw2",
+ "4mu0",
+ "2vb1",
+ "7asx",
+ "3kmz",
+ "2mab",
+ "3vbu",
+ "6m9i",
+ "3epo",
+ "1zfd",
+ "3cwn",
+ "5w0i",
+ "2xzk",
+ "3mn3",
+ "6o2b",
+ "6f32",
+ "6w4k",
+ "1arq",
+ "1qyv",
+ "7b3z",
+ "1gbc",
+ "8eni",
+ "2a0b",
+ "4o1d",
+ "3gqe",
+ "2d07",
+ "1bf8",
+ "3guf",
+ "5ejb",
+ "6khp",
+ "3gme",
+ "1vqg",
+ "3vvb",
+ "2oko",
+ "5xhm",
+ "2uwq",
+ "2i6f",
+ "5kcm",
+ "6obb",
+ "1yrr",
+ "1n2b",
+ "6ux5",
+ "4rq1",
+ "3qwg",
+ "7uho",
+ "7s50",
+ "1fdu",
+ "3jt4",
+ "2vlg",
+ "3mmc",
+ "3s1c",
+ "4e1h",
+ "224l",
+ "2wiv",
+ "5fng",
+ "6vsh",
+ "1l44",
+ "6sxj",
+ "1dmf",
+ "1gh4",
+ "1nsf",
+ "1lq2",
+ "1brw",
+ "4rqp",
+ "7c80",
+ "1h3x",
+ "5m72",
+ "3chq",
+ "4cwq",
+ "2hk3",
+ "2m03",
+ "2ayx",
+ "1lri",
+ "6nm0",
+ "1g63",
+ "6fmt",
+ "5x35",
+ "3ikj",
+ "3mb9",
+ "6gn9",
+ "4ro2",
+ "2e1t",
+ "2r35",
+ "5xp0",
+ "6u9d",
+ "2m09",
+ "5ruw",
+ "5xfv",
+ "3i0k",
+ "6kez",
+ "2het",
+ "7b2v",
+ "6t5r",
+ "6wu8",
+ "4wrl",
+ "3sp6",
+ "2iza",
+ "5i1d",
+ "5evd",
+ "1z0j",
+ "3fct",
+ "5ke8",
+ "7oj1",
+ "1o8g",
+ "1gsq",
+ "3po0",
+ "5fef",
+ "4gyh",
+ "4iqm",
+ "6lts",
+ "1d4n",
+ "6iak",
+ "6syu",
+ "5i3g",
+ "2m6s",
+ "2z9k",
+ "3pe7",
+ "5qga",
+ "6u2m",
+ "3qph",
+ "6iic",
+ "1blu",
+ "6amv",
+ "2phm",
+ "2vff",
+ "6yz4",
+ "3gzx",
+ "5xf6",
+ "3rx2",
+ "5unk",
+ "5i9u",
+ "4dzp",
+ "4b5q",
+ "6anv",
+ "3vo8",
+ "4mze",
+ "8g2y",
+ "3oob",
+ "6myn",
+ "3kvm",
+ "2kx7",
+ "6gyr",
+ "1nft",
+ "4yki",
+ "1qtn",
+ "1m57",
+ "1g59",
+ "3r8h",
+ "7ep8",
+ "2pzh",
+ "6irf",
+ "3p0p",
+ "7ccy",
+ "7k3a",
+ "1u8u",
+ "3o80",
+ "5g5x",
+ "7piv",
+ "7dwa",
+ "3rzv",
+ "2yxw",
+ "3uxp",
+ "4ex5",
+ "1ne9",
+ "5dfi",
+ "7wxl",
+ "3hv3",
+ "1rj6",
+ "1a06",
+ "5u6m",
+ "3gk0",
+ "4a38",
+ "1ovd",
+ "2yp0",
+ "6xwb",
+ "6gix",
+ "2bq3",
+ "5iv2",
+ "5goj",
+ "4p9v",
+ "2g8a",
+ "4afh",
+ "4tnw",
+ "6tbl",
+ "1ckl",
+ "6gks",
+ "7xxx",
+ "7clr",
+ "1frv",
+ "4znr",
+ "7at5",
+ "2g4i",
+ "6g4t",
+ "3a1t",
+ "3mpw",
+ "5sc8",
+ "5nie",
+ "3g5q",
+ "8bf4",
+ "8eqi",
+ "5g5e",
+ "7dz0",
+ "4e0h",
+ "3ts8",
+ "3fqm",
+ "4pmw",
+ "4y67",
+ "6wtz",
+ "3art",
+ "6hi4",
+ "4j6m",
+ "6ism",
+ "6ukl",
+ "1hn6",
+ "3h0a",
+ "7q6z",
+ "7vcx",
+ "6er2",
+ "3sjk",
+ "6eed",
+ "4i6p",
+ "6h6y",
+ "4ypi",
+ "3jpx",
+ "6zz9",
+ "4k87",
+ "5vh1",
+ "6bhe",
+ "6n69",
+ "3nj1",
+ "4r07",
+ "1uae",
+ "3t2v",
+ "2zeg",
+ "1q94",
+ "2pu1",
+ "6fdb",
+ "7k6g",
+ "3c81",
+ "3vsj",
+ "6djd",
+ "2lko",
+ "4p8n",
+ "3zvt",
+ "4qlx",
+ "2qv2",
+ "4fa3",
+ "3uix",
+ "1nhe",
+ "4ahv",
+ "1g5i",
+ "5ll2",
+ "4ef3",
+ "3ue4",
+ "6bmk",
+ "4x0u",
+ "2n6r",
+ "5wg9",
+ "3qbh",
+ "2dgn",
+ "4pei",
+ "3lcs",
+ "7amn",
+ "5f0j",
+ "5yxw",
+ "3pph",
+ "4f7w",
+ "7ygg",
+ "4qih",
+ "5e3l",
+ "1sd2",
+ "5o2u",
+ "5lhu",
+ "5hcz",
+ "3kg9",
+ "3ujp",
+ "6ue6",
+ "1bwy",
+ "4dlz",
+ "2jea",
+ "5j4k",
+ "5qd7",
+ "2bmh",
+ "5yfs",
+ "3t4a",
+ "6oj1",
+ "1z9k",
+ "1pfj",
+ "3kar",
+ "5nqg",
+ "4itk",
+ "7pn8",
+ "4ix6",
+ "5woz",
+ "2q7h",
+ "6ub8",
+ "1ola",
+ "5yng",
+ "1yda",
+ "6itx",
+ "2bb0",
+ "5qct",
+ "6abv",
+ "6t1n",
+ "4hwp",
+ "2ze2",
+ "4je5",
+ "4rus",
+ "4irj",
+ "4gll",
+ "6ndo",
+ "5ks6",
+ "1knx",
+ "1wsa",
+ "6n4d",
+ "2vtn",
+ "6nkl",
+ "7rfm",
+ "4llx",
+ "3zx3",
+ "1axc",
+ "4gps",
+ "3hok",
+ "5jj8",
+ "2i32",
+ "1e6e",
+ "4mbp",
+ "7ony",
+ "5csw",
+ "6v82",
+ "5x9v",
+ "8i2e",
+ "5n01",
+ "1uet",
+ "4ye6",
+ "6km8",
+ "3ask",
+ "5y0d",
+ "4nq6",
+ "1ohw",
+ "1jeh",
+ "6rr8",
+ "1j5j",
+ "3j99",
+ "7sfs",
+ "3zt3",
+ "6vfl",
+ "7v2z",
+ "4d1k",
+ "3es3",
+ "7o8c",
+ "5en2",
+ "2qm6",
+ "6wz7",
+ "5n1u",
+ "4x4u",
+ "2qst",
+ "3fju",
+ "6hd1",
+ "4jcv",
+ "1f8q",
+ "5pu7",
+ "4d52",
+ "2zru",
+ "2ykt",
+ "6kuf",
+ "6lrr",
+ "5qng",
+ "6nib",
+ "5lkf",
+ "7viu",
+ "5zor",
+ "4kho",
+ "1ht9",
+ "2q8f",
+ "3v0j",
+ "4reu",
+ "4ifo",
+ "1ikn",
+ "6f3n",
+ "5y8c",
+ "6uwk",
+ "2keg",
+ "7nvh",
+ "1ern",
+ "1sa0",
+ "6rzd",
+ "2b5y",
+ "6trw",
+ "6jd9",
+ "1dsq",
+ "1io9",
+ "1cj9",
+ "5b4l",
+ "7re4",
+ "4ruk",
+ "6ukm",
+ "2z1h",
+ "6wm1",
+ "3ug9",
+ "7tfh",
+ "4egz",
+ "1g7i",
+ "2zlx",
+ "6hoa",
+ "7ntp",
+ "7xms",
+ "7rtv",
+ "6o4w",
+ "2rkg",
+ "4s0s",
+ "1mbi",
+ "7sv6",
+ "7l8a",
+ "2ach",
+ "5km5",
+ "6yky",
+ "7fm4",
+ "4cjn",
+ "1nu1",
+ "1n9h",
+ "1qfv",
+ "4kro",
+ "6vdk",
+ "1pa3",
+ "1m62",
+ "5cln",
+ "6bmf",
+ "2ls7",
+ "7lry",
+ "5vtd",
+ "6dga",
+ "4q8g",
+ "6r0l",
+ "7fop",
+ "3szp",
+ "7sxa",
+ "2nb9",
+ "4o09",
+ "8cx4",
+ "3sjg",
+ "1fz3",
+ "4x5u",
+ "5eln",
+ "4cpf",
+ "5yfe",
+ "3v0o",
+ "6v3x",
+ "5w2s",
+ "5pg7",
+ "6kfp",
+ "7len",
+ "6h2z",
+ "3uhm",
+ "1hp3",
+ "3zj8",
+ "1nx2",
+ "1b67",
+ "2k0a",
+ "6bs2",
+ "5ert",
+ "7jnf",
+ "2h88",
+ "2bv1",
+ "4uyp",
+ "1ive",
+ "1rpb",
+ "5lrm",
+ "6o16",
+ "5gnj",
+ "2qih",
+ "6vcc",
+ "1e1j",
+ "5jgd",
+ "2jzj",
+ "7cjt",
+ "7fdo",
+ "3m3j",
+ "3f9a",
+ "7zo0",
+ "2xqk",
+ "5p5l",
+ "4myl",
+ "6m7z",
+ "4qbv",
+ "7ny0",
+ "4yfw",
+ "6wec",
+ "2p5q",
+ "9ame",
+ "6rbm",
+ "6bye",
+ "8e0e",
+ "6rbk",
+ "2blq",
+ "6jk9",
+ "1jma",
+ "2iwd",
+ "6w6c",
+ "4l4y",
+ "8rxn",
+ "3ksc",
+ "4x12",
+ "5ig3",
+ "5s2t",
+ "3ab2",
+ "1t09",
+ "5xsm",
+ "5pil",
+ "3sfg",
+ "6r5p",
+ "226l",
+ "1ypt",
+ "7c9p",
+ "7lcm",
+ "6oge",
+ "3h0w",
+ "3uhe",
+ "1pn9",
+ "5ap2",
+ "1hkh",
+ "4xz9",
+ "7pr2",
+ "6bfy",
+ "3ogb",
+ "1zwt",
+ "5es7",
+ "4b2c",
+ "2qkd",
+ "2ksr",
+ "1kyf",
+ "5tmq",
+ "6iby",
+ "5ltz",
+ "2qca",
+ "7jv7",
+ "1d1n",
+ "3w33",
+ "5csq",
+ "5cie",
+ "5cpt",
+ "6oxz",
+ "5b35",
+ "5o6d",
+ "5l9v",
+ "4rlb",
+ "1d9u",
+ "3wno",
+ "1lfc",
+ "4fed",
+ "5vx0",
+ "2w5i",
+ "3bsg",
+ "2n48",
+ "4er0",
+ "2lye",
+ "7dli",
+ "1qsw",
+ "3ugh",
+ "7bid",
+ "5xmz",
+ "1lxg",
+ "4s2c",
+ "4bdi",
+ "5fgt",
+ "7uqm",
+ "3opv",
+ "4jy8",
+ "6wvx",
+ "5nvn",
+ "1uxr",
+ "4jqv",
+ "7ria",
+ "3b21",
+ "2rtm",
+ "5igz",
+ "5prk",
+ "7k60",
+ "3qcg",
+ "4dwa",
+ "4xxw",
+ "6op8",
+ "1wvc",
+ "7fqs",
+ "1tn5",
+ "4r59",
+ "2c0w",
+ "3vvu",
+ "1fk2",
+ "6rl5",
+ "5vs5",
+ "1zqv",
+ "6enr",
+ "3cy4",
+ "4b7i",
+ "4y8f",
+ "3dfo",
+ "6t6e",
+ "5ipe",
+ "4umd",
+ "2zi9",
+ "2kaj",
+ "6mcz",
+ "1fwt",
+ "5lwa",
+ "3pgx",
+ "3m52",
+ "1r73",
+ "4mbf",
+ "6plb",
+ "4goc",
+ "6t8e",
+ "1x76",
+ "1uop",
+ "4uxl",
+ "2qn6",
+ "5l15",
+ "6du0",
+ "5a37",
+ "4fer",
+ "7ksa",
+ "1mvo",
+ "3m67",
+ "7fan",
+ "7m01",
+ "7pci",
+ "5a3b",
+ "7sax",
+ "6m9d",
+ "4bij",
+ "2vvp",
+ "2pel",
+ "1x2r",
+ "6kgh",
+ "1ng0",
+ "1yhl",
+ "3p86",
+ "3q39",
+ "4rhn",
+ "7dc8",
+ "1o02",
+ "3b0l",
+ "6lcs",
+ "4pyi",
+ "4tim",
+ "1u8z",
+ "4qn0",
+ "7tx8",
+ "7tll",
+ "6ezz",
+ "5kah",
+ "5c8a",
+ "5m2w",
+ "5bul",
+ "1ehw",
+ "6ftr",
+ "5cpn",
+ "1d7v",
+ "1qg4",
+ "5ukw",
+ "4hji",
+ "1zvy",
+ "2hh4",
+ "2z69",
+ "5o2k",
+ "3ubq",
+ "1uq5",
+ "4dz4",
+ "4m76",
+ "3lls",
+ "8e3e",
+ "7bxo",
+ "1t1a",
+ "7o4l",
+ "6xx3",
+ "1sro",
+ "5t08",
+ "4z6b",
+ "6ykh",
+ "1edh",
+ "2ynz",
+ "3lel",
+ "2x49",
+ "7v4l",
+ "5ydl",
+ "1lpk",
+ "1yvh",
+ "7ueg",
+ "4z0p",
+ "7net",
+ "2fzi",
+ "4m55",
+ "1x32",
+ "4fgw",
+ "5uuu",
+ "3gb9",
+ "2wv0",
+ "8aex",
+ "4u8p",
+ "4f4o",
+ "4zc4",
+ "4xer",
+ "2m0a",
+ "1r1j",
+ "3g5g",
+ "7qdn",
+ "6c85",
+ "4xpv",
+ "7t5u",
+ "4rkm",
+ "2o31",
+ "6aob",
+ "7moi",
+ "5wph",
+ "5gvk",
+ "1l38",
+ "7z0o",
+ "7z8w",
+ "5bst",
+ "4ifz",
+ "3mee",
+ "7zfd",
+ "6sak",
+ "6ixj",
+ "6q4x",
+ "4w8n",
+ "1jsg",
+ "7aq2",
+ "2d0o",
+ "2pxv",
+ "6kan",
+ "4zbo",
+ "6gw0",
+ "3i2k",
+ "7ww9",
+ "1pvu",
+ "6wvm",
+ "4lvt",
+ "4rh9",
+ "6hlx",
+ "6pxp",
+ "1djb",
+ "3mh1",
+ "2cps",
+ "5h8t",
+ "1fbr",
+ "4gdp",
+ "5pen",
+ "5kg7",
+ "3pm2",
+ "5f7o",
+ "1rgz",
+ "4ggd",
+ "4m9l",
+ "1w7j",
+ "6jkg",
+ "2rv5",
+ "2p37",
+ "1ss2",
+ "6o1n",
+ "6z65",
+ "3ho3",
+ "6qb3",
+ "2ihq",
+ "1dtv",
+ "5d3m",
+ "7lks",
+ "4rg5",
+ "1i14",
+ "7uda",
+ "5eiu",
+ "3o5z",
+ "1jpf",
+ "3f3a",
+ "3kt9",
+ "1eru",
+ "2iss",
+ "1f8e",
+ "6jmh",
+ "5aq9",
+ "3q8k",
+ "6n7e",
+ "5t4z",
+ "7fqz",
+ "2mck",
+ "3gzl",
+ "3pum",
+ "1s7p",
+ "6tq5",
+ "6ozx",
+ "2hf3",
+ "5lo1",
+ "1pwv",
+ "2bqy",
+ "4d32",
+ "5c03",
+ "4fwf",
+ "4nk1",
+ "2cct",
+ "4o0d",
+ "6n2p",
+ "1sso",
+ "4zx1",
+ "3tiq",
+ "3dkd",
+ "7wlp",
+ "3pnw",
+ "6x0u",
+ "1qu5",
+ "1bxc",
+ "6law",
+ "1awi",
+ "4n7j",
+ "7mb6",
+ "6waf",
+ "6vm0",
+ "1l99",
+ "5kja",
+ "4ihy",
+ "4paq",
+ "1f5v",
+ "1mi5",
+ "1uy0",
+ "1rs0",
+ "5d3h",
+ "1cf0",
+ "1m2d",
+ "5n6l",
+ "3c21",
+ "4qc8",
+ "1isc",
+ "2wg1",
+ "2p72",
+ "3db6",
+ "5zno",
+ "6jfv",
+ "4d9u",
+ "6eh1",
+ "7aok",
+ "3o9k",
+ "6rn8",
+ "3rqe",
+ "6o5e",
+ "7wut",
+ "7rwj",
+ "1i69",
+ "6tfi",
+ "6x4d",
+ "7uxd",
+ "4p2q",
+ "7c52",
+ "6p5q",
+ "7cfg",
+ "6z8d",
+ "5eny",
+ "4qbk",
+ "1hqd",
+ "2x6a",
+ "6e53",
+ "5cv3",
+ "1l33",
+ "1e3g",
+ "3ujs",
+ "2hw6",
+ "2k1w",
+ "7l34",
+ "8egx",
+ "4zpg",
+ "6fqo",
+ "4zwe",
+ "6qji",
+ "7yz0",
+ "7ckz",
+ "2v4r",
+ "1x3z",
+ "4n96",
+ "4uxm",
+ "4u8g",
+ "1wbl",
+ "6q76",
+ "3qc7",
+ "1t1v",
+ "1y11",
+ "5uzw",
+ "3h6v",
+ "1z0m",
+ "7wc5",
+ "6o01",
+ "2jlq",
+ "6u7n",
+ "6g36",
+ "1aed",
+ "3mqg",
+ "7u10",
+ "1dv9",
+ "7p37",
+ "5v1u",
+ "4okm",
+ "6qlp",
+ "6ve0",
+ "1kti",
+ "1f95",
+ "4gm8",
+ "6yua",
+ "8dtt",
+ "3m03",
+ "3ct5",
+ "5zyd",
+ "7p1g",
+ "3d7d",
+ "2f2b",
+ "5alp",
+ "3usx",
+ "3omq",
+ "1w9o",
+ "5upz",
+ "3og8",
+ "5vy3",
+ "4uhq",
+ "2rra",
+ "6t2m",
+ "6qpz",
+ "2k3n",
+ "2p6x",
+ "1w7m",
+ "4lcc",
+ "7dxg",
+ "6k5a",
+ "7c01",
+ "1ns6",
+ "5sve",
+ "4ggr",
+ "7vuy",
+ "5v5c",
+ "1l8p",
+ "7xra",
+ "2z0e",
+ "2z6c",
+ "6zfz",
+ "7m4m",
+ "4i55",
+ "1kdf",
+ "1tj3",
+ "1fbo",
+ "8czg",
+ "3iby",
+ "7ehm",
+ "6jx6",
+ "6es9",
+ "1rzx",
+ "7au2",
+ "4kmd",
+ "1su8",
+ "6uh9",
+ "2v5z",
+ "1nq7",
+ "6zgv",
+ "5b32",
+ "5e8t",
+ "4zy6",
+ "2g77",
+ "1wdu",
+ "4uvn",
+ "3r4u",
+ "2w5b",
+ "2n19",
+ "2r2e",
+ "4rgd",
+ "1uo9",
+ "5dk3",
+ "1ijv",
+ "2dvp",
+ "3t8i",
+ "4d2v",
+ "1amj",
+ "5mnc",
+ "1qm9",
+ "3igm",
+ "5tx8",
+ "6k61",
+ "2a6w",
+ "4doy",
+ "3f57",
+ "4pk6",
+ "5tnz",
+ "7afu",
+ "5bqn",
+ "6fb5",
+ "2z8n",
+ "2r5o",
+ "5o3s",
+ "2gf1",
+ "6tno",
+ "5yim",
+ "5ia1",
+ "4r5l",
+ "5wzh",
+ "7xey",
+ "4ybm",
+ "6pfj",
+ "1iz8",
+ "2ahg",
+ "6wa3",
+ "3k3w",
+ "1gka",
+ "6ut9",
+ "3gqc",
+ "2xqr",
+ "6oam",
+ "6lv3",
+ "8emq",
+ "7to3",
+ "5fv6",
+ "4mxk",
+ "4faj",
+ "5myc",
+ "2lha",
+ "1l06",
+ "2w90",
+ "7zog",
+ "5g5n",
+ "7ruu",
+ "1kec",
+ "4jno",
+ "5eco",
+ "4zlx",
+ "4utq",
+ "5yx6",
+ "7oj2",
+ "5me7",
+ "2tsr",
+ "7w6a",
+ "6k71",
+ "3vt1",
+ "4f65",
+ "6deo",
+ "7fs7",
+ "2n7f",
+ "1azh",
+ "2l7z",
+ "5s1c",
+ "1hx8",
+ "1ija",
+ "7m3o",
+ "1jw8",
+ "5s2k",
+ "4hf0",
+ "6stc",
+ "6u4w",
+ "3lru",
+ "6fro",
+ "1cqz",
+ "3v5r",
+ "4ql1",
+ "5y3k",
+ "4l10",
+ "3u2i",
+ "5zzs",
+ "2k6d",
+ "2dx7",
+ "5re8",
+ "5o01",
+ "2lhh",
+ "1rtq",
+ "6anj",
+ "6zkn",
+ "2ruv",
+ "1e8j",
+ "4yus",
+ "6nsb",
+ "1p2t",
+ "6y1h",
+ "4cl2",
+ "6uat",
+ "4dj9",
+ "3nx2",
+ "5iq6",
+ "4yqu",
+ "2f3z",
+ "7vla",
+ "7p16",
+ "3dd8",
+ "7drc",
+ "5cfg",
+ "4kh5",
+ "7nxp",
+ "1vyb",
+ "1tky",
+ "5haf",
+ "3o29",
+ "4qvp",
+ "5h7d",
+ "7dcf",
+ "6s53",
+ "7tqz",
+ "6n6d",
+ "3gmr",
+ "7yxu",
+ "5ngj",
+ "4z09",
+ "4wg7",
+ "5nmz",
+ "1jup",
+ "6plx",
+ "3pe0",
+ "3abq",
+ "6ykn",
+ "6g5j",
+ "6ns6",
+ "6sxl",
+ "6rur",
+ "8h1a",
+ "3khs",
+ "7u64",
+ "5t9f",
+ "6ywc",
+ "4m3q",
+ "3vik",
+ "3fyp",
+ "6j4p",
+ "5v8c",
+ "1xpa",
+ "5m14",
+ "1htf",
+ "4qf7",
+ "5eqe",
+ "6d2k",
+ "1j12",
+ "6vxi",
+ "1ai7",
+ "4eh8",
+ "1new",
+ "7lqy",
+ "6zej",
+ "1yy6",
+ "1q4u",
+ "6mrq",
+ "5jm1",
+ "2foc",
+ "5ifo",
+ "3l2a",
+ "4d4o",
+ "7mg7",
+ "3mn5",
+ "3o9e",
+ "7ltk",
+ "6zkd",
+ "3uv2",
+ "1u7s",
+ "4l98",
+ "5jtv",
+ "4n1i",
+ "6rfo",
+ "6n28",
+ "5r3n",
+ "7lpt",
+ "4ri7",
+ "6a9y",
+ "6nh7",
+ "4ya1",
+ "6fmz",
+ "5euc",
+ "3jyj",
+ "4b4q",
+ "5p5f",
+ "8cx5",
+ "1d0h",
+ "5tli",
+ "2nt6",
+ "5by1",
+ "5wab",
+ "5cws",
+ "7fkp",
+ "5rtf",
+ "1qot",
+ "6wdo",
+ "2ajc",
+ "3nea",
+ "1l5w",
+ "4kms",
+ "7ulk",
+ "4eyr",
+ "7d2e",
+ "4p57",
+ "1qsp",
+ "7kau",
+ "3p5n",
+ "4uwi",
+ "6llw",
+ "6obp",
+ "2ykp",
+ "5dp2",
+ "5kg0",
+ "5y7j",
+ "6u5h",
+ "2awz",
+ "6jwy",
+ "4yp7",
+ "4zv6",
+ "1igb",
+ "6giu",
+ "1mkp",
+ "7swd",
+ "6tip",
+ "6a59",
+ "6rec",
+ "1t77",
+ "2oct",
+ "4bhb",
+ "3ruk",
+ "2gs2",
+ "3ur7",
+ "6p1l",
+ "7uob",
+ "1uk0",
+ "5ef8",
+ "7dym",
+ "4c08",
+ "1u1t",
+ "6gns",
+ "3ny1",
+ "4fk0",
+ "1lib",
+ "1lpo",
+ "6mbd",
+ "5hp0",
+ "3beb",
+ "2mcm",
+ "4g4n",
+ "6mlj",
+ "5ttp",
+ "4mll",
+ "5qdw",
+ "3fp9",
+ "7scq",
+ "3g3h",
+ "4ov9",
+ "3uww",
+ "2o67",
+ "7b4b",
+ "3kvl",
+ "4f0f",
+ "3v1n",
+ "4zmd",
+ "5j71",
+ "3v18",
+ "6zvi",
+ "2rdk",
+ "5ycj",
+ "4qb1",
+ "8c2p",
+ "4igt",
+ "3f0l",
+ "2wpd",
+ "2o7i",
+ "1ock",
+ "4cbe",
+ "2m5f",
+ "1h9w",
+ "7odn",
+ "3qp1",
+ "5pli",
+ "5u0l",
+ "1qua",
+ "6iql",
+ "6xq5",
+ "3eiw",
+ "4bdg",
+ "3e41",
+ "3qqk",
+ "3jd1",
+ "6hop",
+ "6gtl",
+ "6wpi",
+ "5ezn",
+ "4k1l",
+ "1s5h",
+ "1vbk",
+ "5dtp",
+ "3qzo",
+ "3wom",
+ "1w1j",
+ "6hya",
+ "5f9j",
+ "3rah",
+ "4gvj",
+ "3sb2",
+ "5j7x",
+ "2jhc",
+ "6b8m",
+ "3anw",
+ "1ezb",
+ "5gsx",
+ "4hr3",
+ "5v4k",
+ "1rab",
+ "1y2y",
+ "6rri",
+ "7waz",
+ "3ldz",
+ "1sxd",
+ "5wre",
+ "1nv2",
+ "3eqd",
+ "5du1",
+ "3gia",
+ "1k3d",
+ "1mih",
+ "3teu",
+ "1dks",
+ "4ibc",
+ "3nwb",
+ "3uzs",
+ "1yoj",
+ "4gy9",
+ "3jv3",
+ "6zv1",
+ "5ruv",
+ "1eik",
+ "7zky",
+ "2uz2",
+ "5hp1",
+ "6rad",
+ "6mbm",
+ "3d0u",
+ "2vba",
+ "5cre",
+ "6sxr",
+ "7zc6",
+ "1b3o",
+ "3rj5",
+ "1btv",
+ "5huw",
+ "5gkq",
+ "6qfd",
+ "3cqf",
+ "5nmn",
+ "7bzf",
+ "4bzr",
+ "5xxw",
+ "1j1i",
+ "5igw",
+ "4ffz",
+ "7nhp",
+ "6ic2",
+ "5uht",
+ "1f5p",
+ "4zel",
+ "6mnp",
+ "2mc0",
+ "3kwc",
+ "6kyy",
+ "1i3k",
+ "1s7y",
+ "1gem",
+ "4oip",
+ "6amn",
+ "4gfk",
+ "130l",
+ "6a30",
+ "4x3h",
+ "1rd7",
+ "1qob",
+ "4j86",
+ "3c1v",
+ "3az9",
+ "5htf",
+ "3rtg",
+ "7zhl",
+ "5nkz",
+ "7uzw",
+ "8ak2",
+ "6pia",
+ "5obk",
+ "5oeu",
+ "3koi",
+ "3w3k",
+ "8fmz",
+ "7x80",
+ "6bdx",
+ "7wxp",
+ "4mh3",
+ "4irk",
+ "8a8j",
+ "5eu2",
+ "2ow4",
+ "7at3",
+ "7vos",
+ "5xsv",
+ "2kw8",
+ "8dkr",
+ "3baz",
+ "4op2",
+ "4dba",
+ "7f8x",
+ "5o3a",
+ "1mu0",
+ "3lis",
+ "7zot",
+ "6irl",
+ "6evd",
+ "3v32",
+ "3qya",
+ "6gay",
+ "6ilu",
+ "2rk8",
+ "6im0",
+ "7ljm",
+ "7owj",
+ "3slu",
+ "6g45",
+ "3qt8",
+ "6eeu",
+ "1pkl",
+ "2m2q",
+ "5hie",
+ "5x8q",
+ "4u0b",
+ "1ai0",
+ "5cbb",
+ "4deg",
+ "1blj",
+ "3a2y",
+ "4ppe",
+ "7bz1",
+ "2zz2",
+ "5wtf",
+ "6xzt",
+ "4kew",
+ "6nzc",
+ "4mgx",
+ "7w8x",
+ "7kpq",
+ "6zks",
+ "1z89",
+ "6s0w",
+ "1r7e",
+ "6ii7",
+ "1g1q",
+ "7dq9",
+ "2i7u",
+ "2f3v",
+ "4yb8",
+ "2xjq",
+ "5xl6",
+ "3fe2",
+ "3lk9",
+ "2bt1",
+ "4bd2",
+ "1tx0",
+ "2f4z",
+ "5id3",
+ "5n0l",
+ "5y6c",
+ "2pj4",
+ "5a77",
+ "1c1g",
+ "3fcw",
+ "2ahl",
+ "4cmy",
+ "1x6r",
+ "4c6x",
+ "3mx0",
+ "4frl",
+ "2vwe",
+ "3ocp",
+ "4hvz",
+ "4zkp",
+ "1l24",
+ "7lly",
+ "1n44",
+ "1a38",
+ "6e1j",
+ "6zl3",
+ "6g2s",
+ "1nfz",
+ "6j7l",
+ "3org",
+ "4rlo",
+ "1hkk",
+ "4qar",
+ "7jsk",
+ "2fn2",
+ "7s4a",
+ "5y2o",
+ "7c1m",
+ "5wji",
+ "7qgs",
+ "1dyf",
+ "3tpp",
+ "7l1y",
+ "7k3h",
+ "4hgl",
+ "4ij7",
+ "1t69",
+ "1cpf",
+ "3qux",
+ "5wnb",
+ "7pm2",
+ "1qnb",
+ "1vxd",
+ "7u7m",
+ "3l0o",
+ "3mzv",
+ "4qv0",
+ "3omc",
+ "1tv0",
+ "6wav",
+ "6c1y",
+ "5ky4",
+ "7p80",
+ "1d8d",
+ "5cal",
+ "4h5r",
+ "1uyk",
+ "3bad",
+ "6f6a",
+ "2xw9",
+ "4cln",
+ "5j63",
+ "4u98",
+ "6gpp",
+ "7zvs",
+ "1vaz",
+ "7qc5",
+ "3uh8",
+ "1i8c",
+ "3kj2",
+ "5jrj",
+ "4gpr",
+ "1ush",
+ "8ebv",
+ "6qgj",
+ "4rmb",
+ "6rbn",
+ "2m36",
+ "6d6i",
+ "5lm6",
+ "1fkf",
+ "5l1j",
+ "1d7f",
+ "6l63",
+ "8b94",
+ "2pr6",
+ "1ogq",
+ "5r2a",
+ "4x6y",
+ "2qm9",
+ "5kef",
+ "3cqg",
+ "1h1d",
+ "2jt3",
+ "1kjw",
+ "1jfp",
+ "6q8c",
+ "6py2",
+ "1w9r",
+ "6a3w",
+ "4pf5",
+ "6p2o",
+ "7ksy",
+ "1d00",
+ "3sfm",
+ "5mj5",
+ "6yk8",
+ "6mge",
+ "6hbz",
+ "4b21",
+ "1nug",
+ "7tq7",
+ "1w32",
+ "5ac8",
+ "7e74",
+ "1ctx",
+ "6iz6",
+ "6hay",
+ "5gya",
+ "2w6u",
+ "5mxq",
+ "1eds",
+ "4r50",
+ "4f0v",
+ "2czy",
+ "5mwg",
+ "3szt",
+ "2q9c",
+ "1ynu",
+ "6qqi",
+ "2hbp",
+ "4pvc",
+ "3c57",
+ "4mz2",
+ "4oyu",
+ "1qfr",
+ "6ri8",
+ "5yxm",
+ "1f62",
+ "6ied",
+ "3pd0",
+ "7ppq",
+ "1wue",
+ "6mdn",
+ "1aqq",
+ "3rif",
+ "7zzp",
+ "7jny",
+ "1iyu",
+ "1x3n",
+ "5u3j",
+ "5ghi",
+ "2m37",
+ "1kvu",
+ "3g9p",
+ "4kcn",
+ "4nqw",
+ "1jdo",
+ "4ecu",
+ "4pam",
+ "3cfx",
+ "4dae",
+ "1a7c",
+ "5qzg",
+ "4jeq",
+ "2rup",
+ "2aef",
+ "5i1t",
+ "1lmp",
+ "6rkz",
+ "7kcc",
+ "1if7",
+ "2mmx",
+ "1jf6",
+ "6t8f",
+ "7ncm",
+ "7d72",
+ "8b40",
+ "6r79",
+ "3hbh",
+ "6r29",
+ "4bbf",
+ "3eti",
+ "7o4r",
+ "6oyd",
+ "6qw2",
+ "7b0s",
+ "3d30",
+ "3spl",
+ "3ki9",
+ "6nk8",
+ "3vox",
+ "6n8r",
+ "1g7t",
+ "6m01",
+ "5p3n",
+ "5hx5",
+ "1f41",
+ "6gun",
+ "7ops",
+ "1s7a",
+ "3q5z",
+ "1st7",
+ "7zsc",
+ "4z5w",
+ "6p5w",
+ "3nlh",
+ "2d3s",
+ "6aed",
+ "3bv4",
+ "1txb",
+ "3pcn",
+ "3ec1",
+ "2rdn",
+ "1i0l",
+ "3v51",
+ "1tjx",
+ "3w2o",
+ "1dr9",
+ "1qmg",
+ "1f05",
+ "6v2j",
+ "3tq7",
+ "1w35",
+ "1v9y",
+ "5kuh",
+ "4eq5",
+ "4n22",
+ "4ea2",
+ "6uvm",
+ "1dju",
+ "5dga",
+ "7mie",
+ "5wee",
+ "4wb9",
+ "2dql",
+ "4gsr",
+ "7nyj",
+ "1obi",
+ "5wov",
+ "1gwr",
+ "3sje",
+ "6kfs",
+ "3v5x",
+ "5msh",
+ "1d2j",
+ "6cqq",
+ "4emn",
+ "1gux",
+ "1e4v",
+ "3v80",
+ "6mr8",
+ "4ap3",
+ "4bor",
+ "2xc7",
+ "6yz2",
+ "2aq9",
+ "3kmy",
+ "5vn0",
+ "5vre",
+ "6ecs",
+ "4uon",
+ "7q6w",
+ "4tn1",
+ "3sdv",
+ "2dhq",
+ "6ub1",
+ "6wq1",
+ "4hda",
+ "4uo1",
+ "1c1s",
+ "4cym",
+ "5nl1",
+ "5aqw",
+ "5ahs",
+ "3dc6",
+ "6qmn",
+ "3khx",
+ "2erq",
+ "4blr",
+ "2yfq",
+ "4bkj",
+ "4ics",
+ "7quu",
+ "1hh4",
+ "4bc0",
+ "5mfz",
+ "2jyo",
+ "5cch",
+ "8dy1",
+ "6rx8",
+ "1w69",
+ "5ylk",
+ "3j9x",
+ "6dvy",
+ "4m6s",
+ "1eo8",
+ "4b5j",
+ "1nmw",
+ "1ayr",
+ "6o2a",
+ "6oh6",
+ "1dfh",
+ "6mi7",
+ "7ot0",
+ "2kx8",
+ "3buj",
+ "6cun",
+ "1eh4",
+ "6uts",
+ "6urn",
+ "4ggb",
+ "1fls",
+ "1pgy",
+ "6v2o",
+ "2kng",
+ "1j4h",
+ "4yhx",
+ "1xb4",
+ "1caq",
+ "5rsw",
+ "1fwx",
+ "4j3e",
+ "1xz7",
+ "3vi2",
+ "6x7t",
+ "6tcd",
+ "2xdh",
+ "1w9p",
+ "1pga",
+ "3rpi",
+ "3kox",
+ "6c0y",
+ "7mni",
+ "1ky4",
+ "3pmt",
+ "6v36",
+ "2hs4",
+ "4c56",
+ "6ee2",
+ "7zwx",
+ "5ugw",
+ "4abv",
+ "1u68",
+ "5nx6",
+ "1k1q",
+ "7mry",
+ "3hiq",
+ "5vkh",
+ "3fds",
+ "6gtz",
+ "5m47",
+ "6c15",
+ "5ixg",
+ "4ehb",
+ "3ux9",
+ "7u7b",
+ "1bxz",
+ "5ffd",
+ "1o9f",
+ "7jgo",
+ "1hel",
+ "7abr",
+ "1gfc",
+ "5la3",
+ "4aka",
+ "3q5p",
+ "5cb3",
+ "2p1o",
+ "3p4v",
+ "5i6x",
+ "3gdi",
+ "6tlx",
+ "4ubt",
+ "1hww",
+ "6f2h",
+ "4bsi",
+ "3jw1",
+ "1rhk",
+ "1t3z",
+ "3uul",
+ "7bap",
+ "7vad",
+ "7rjc",
+ "4fhj",
+ "4pfo",
+ "7sj1",
+ "6fz5",
+ "1aj2",
+ "7pyp",
+ "3mco",
+ "6p0d",
+ "4haz",
+ "4plc",
+ "6lw3",
+ "2l7c",
+ "3m9g",
+ "1p3v",
+ "1bxv",
+ "5gkp",
+ "8dw9",
+ "4l8h",
+ "2bai",
+ "4twb",
+ "5ic0",
+ "5j9a",
+ "3kur",
+ "4akn",
+ "6nui",
+ "1kf8",
+ "5ktn",
+ "6m7p",
+ "4a1r",
+ "7axb",
+ "4dok",
+ "5on7",
+ "3i3j",
+ "1p9h",
+ "5uk2",
+ "7aep",
+ "5dsf",
+ "1eqg",
+ "5kl4",
+ "5ytl",
+ "7tol",
+ "6z72",
+ "4krt",
+ "4xhj",
+ "2wp0",
+ "6igk",
+ "1ka5",
+ "1fee",
+ "6hzp",
+ "1xb3",
+ "4lj9",
+ "5n84",
+ "5ka2",
+ "1qvc",
+ "2uz6",
+ "4n0h",
+ "1wv0",
+ "4dv9",
+ "1djz",
+ "5ltt",
+ "5lu4",
+ "5bpp",
+ "6n27",
+ "7cpp",
+ "4x9w",
+ "7uw2",
+ "1mhe",
+ "7xts",
+ "4xdm",
+ "6iln",
+ "5edq",
+ "7paf",
+ "6ilf",
+ "4w4u",
+ "1mli",
+ "4gv4",
+ "1qi3",
+ "5p44",
+ "6vo1",
+ "6w70",
+ "7dxl",
+ "5jgc",
+ "1gcd",
+ "5ope",
+ "2fq2",
+ "3fdr",
+ "3azz",
+ "5bv3",
+ "7o3z",
+ "4xpl",
+ "6r44",
+ "5p4d",
+ "5p9j",
+ "4mwl",
+ "6cdd",
+ "4req",
+ "1ncq",
+ "5f07",
+ "2e2q",
+ "1cgv",
+ "4b3k",
+ "3wiq",
+ "8bfc",
+ "1gl5",
+ "5gkg",
+ "1jld",
+ "3e1k",
+ "7cma",
+ "6ero",
+ "1hb7",
+ "4cf2",
+ "5v2y",
+ "2aro",
+ "3ab4",
+ "6ums",
+ "1uhi",
+ "6dpf",
+ "1y35",
+ "2h1f",
+ "6e6a",
+ "3doi",
+ "7kxl",
+ "1s1f",
+ "6o75",
+ "1i2w",
+ "4n4a",
+ "1qey",
+ "6jvs",
+ "3uhy",
+ "6hys",
+ "3zsm",
+ "1g21",
+ "4o3s",
+ "5jki",
+ "7kgj",
+ "2w6z",
+ "2vut",
+ "6ix2",
+ "5hbq",
+ "2hrc",
+ "4akk",
+ "2w9q",
+ "1l7f",
+ "1ag4",
+ "7xtq",
+ "6zh3",
+ "5o4u",
+ "6yq7",
+ "5rt0",
+ "1wb0",
+ "3mb4",
+ "1lf8",
+ "2owj",
+ "5rbr",
+ "7o7t",
+ "2k9o",
+ "6n4w",
+ "3c80",
+ "5vjs",
+ "5ggn",
+ "2y1s",
+ "5m7u",
+ "3iyw",
+ "5svu",
+ "7w46",
+ "7e5v",
+ "2wov",
+ "4xjr",
+ "7ea9",
+ "4yek",
+ "2b7v",
+ "6u6s",
+ "6ibo",
+ "6s90",
+ "5e0k",
+ "1u5w",
+ "6wf2",
+ "5xes",
+ "6utb",
+ "5uya",
+ "2z8k",
+ "4qo5",
+ "6ssw",
+ "2rc6",
+ "5rhe",
+ "3ncp",
+ "1r7f",
+ "6bsh",
+ "1hw5",
+ "1plu",
+ "1egl",
+ "6rps",
+ "5c93",
+ "2uyv",
+ "4euv",
+ "5evz",
+ "2px3",
+ "7rxx",
+ "7wyo",
+ "5fcy",
+ "3zrg",
+ "6iwm",
+ "6n0z",
+ "2mtc",
+ "7mpz",
+ "6we3",
+ "3zhz",
+ "4h8a",
+ "1n81",
+ "3wid",
+ "5w2m",
+ "7as7",
+ "1hma",
+ "3n3b",
+ "6zdy",
+ "6tap",
+ "7jr2",
+ "4dsc",
+ "3awt",
+ "3a9i",
+ "3wce",
+ "3u40",
+ "1hs6",
+ "6k2j",
+ "1nyn",
+ "4uwb",
+ "4c2k",
+ "2w8o",
+ "1uzg",
+ "7mwx",
+ "3pcu",
+ "6zf3",
+ "2c80",
+ "5cbr",
+ "6a8c",
+ "6a3i",
+ "2fmh",
+ "6a79",
+ "3og6",
+ "1yhr",
+ "6z8u",
+ "1hjl",
+ "1vfr",
+ "4azy",
+ "5pd8",
+ "4apj",
+ "6xvq",
+ "3dx7",
+ "4n8z",
+ "6scl",
+ "5r0n",
+ "6jbr",
+ "5fhc",
+ "5c9i",
+ "6lkl",
+ "7kjw",
+ "6wrf",
+ "6azq",
+ "1kjr",
+ "4yn8",
+ "5ppp",
+ "3ud7",
+ "2klh",
+ "7ch1",
+ "6x5u",
+ "1ri7",
+ "4anq",
+ "2m5g",
+ "4hk7",
+ "4upv",
+ "6v14",
+ "1mdf",
+ "4nzz",
+ "6nxv",
+ "7efy",
+ "4tjv",
+ "5fhx",
+ "1tfj",
+ "4dqr",
+ "4wko",
+ "1awq",
+ "7xbv",
+ "3k0n",
+ "7w71",
+ "5pim",
+ "3id0",
+ "2qmh",
+ "5cdt",
+ "7v9b",
+ "3zry",
+ "4q4n",
+ "6q70",
+ "3in5",
+ "4rig",
+ "1lxz",
+ "3mhl",
+ "4pcw",
+ "1fvr",
+ "5hp8",
+ "1pun",
+ "5no9",
+ "1zjy",
+ "4bky",
+ "5ugp",
+ "5ra8",
+ "7aiw",
+ "2x47",
+ "1gpf",
+ "5szc",
+ "5wu4",
+ "6huq",
+ "1pkv",
+ "5hic",
+ "7lo2",
+ "2gpr",
+ "7ljv",
+ "3d61",
+ "6g30",
+ "7xoc",
+ "1maj",
+ "3uwu",
+ "4ihb",
+ "2aia",
+ "4mwv",
+ "6gqr",
+ "1l09",
+ "7jl1",
+ "6qkr",
+ "5gkh",
+ "2mxm",
+ "3kro",
+ "2d3c",
+ "7dye",
+ "5qfj",
+ "7ps7",
+ "1etv",
+ "7zks",
+ "4wam",
+ "6mb3",
+ "7fev",
+ "2fec",
+ "5xug",
+ "7x57",
+ "3k27",
+ "7osn",
+ "7vpf",
+ "7rgp",
+ "5vap",
+ "3fg4",
+ "3en3",
+ "3ff6",
+ "1iou",
+ "2yz3",
+ "6cxu",
+ "2hwp",
+ "6vje",
+ "6pxu",
+ "5gzc",
+ "3l3c",
+ "2ita",
+ "4nmf",
+ "5tg1",
+ "3jqc",
+ "5wh5",
+ "2wji",
+ "3wy2",
+ "5m6k",
+ "1ifi",
+ "7yyl",
+ "1jrr",
+ "2c52",
+ "5cbk",
+ "2qqn",
+ "2qyp",
+ "1jzr",
+ "3t4o",
+ "3k7k",
+ "6wlg",
+ "6coo",
+ "3c0y",
+ "3bk3",
+ "1kax",
+ "5odx",
+ "1g8o",
+ "1op4",
+ "2qqa",
+ "4aqx",
+ "5duq",
+ "7pkp",
+ "2ll7",
+ "1dxv",
+ "1ea3",
+ "4quk",
+ "1s7m",
+ "3d6l",
+ "6xy5",
+ "1l2n",
+ "1l4k",
+ "3k59",
+ "6lpd",
+ "5d7w",
+ "5pl2",
+ "2h9h",
+ "3m6m",
+ "4aru",
+ "5nns",
+ "5vmf",
+ "1dkc",
+ "6as3",
+ "7occ",
+ "5k90",
+ "4jd3",
+ "1l1j",
+ "7t2p",
+ "4urt",
+ "1de6",
+ "7s8z",
+ "1s4w",
+ "2mlu",
+ "5qyj",
+ "2a4g",
+ "6s49",
+ "6th7",
+ "1r52",
+ "8esx",
+ "5tn4",
+ "6ma3",
+ "3c0t",
+ "2p14",
+ "7zgq",
+ "3du5",
+ "1fpd",
+ "4y1l",
+ "4akr",
+ "6zxp",
+ "1su1",
+ "6nvh",
+ "3rdh",
+ "3bgc",
+ "7xd0",
+ "4s2m",
+ "3o24",
+ "5zgr",
+ "2pr9",
+ "5run",
+ "2hv6",
+ "5x2q",
+ "2g3d",
+ "4rri",
+ "2l1d",
+ "4dub",
+ "5kqm",
+ "1cok",
+ "4ydq",
+ "5l2e",
+ "6pi6",
+ "5ajd",
+ "1hoc",
+ "1c8o",
+ "4wwz",
+ "6vsd",
+ "4a7x",
+ "4pxn",
+ "2jte",
+ "6f9q",
+ "2xba",
+ "1v0d",
+ "4pl2",
+ "4uwm",
+ "1usu",
+ "4he6",
+ "2qdi",
+ "2ohf",
+ "4qg9",
+ "3qnf",
+ "8diq",
+ "7c07",
+ "4onm",
+ "3ov8",
+ "8b2i",
+ "4kk5",
+ "7ldb",
+ "6nwl",
+ "7zza",
+ "1ji3",
+ "6vd9",
+ "3b7q",
+ "2jn5",
+ "3kuw",
+ "2cw2",
+ "2e2y",
+ "1ir6",
+ "5kv4",
+ "5nk5",
+ "4lqq",
+ "5hct",
+ "1jul",
+ "6qd3",
+ "7ujn",
+ "5hv1",
+ "6wek",
+ "3vzl",
+ "3mt5",
+ "1qkn",
+ "4elx",
+ "4jmd",
+ "1jwt",
+ "7qis",
+ "7un0",
+ "7dqw",
+ "1frl",
+ "5zm7",
+ "4hka",
+ "7a6p",
+ "1a9b",
+ "7pes",
+ "6cvx",
+ "3eip",
+ "2qfs",
+ "4hic",
+ "4ldo",
+ "2xqa",
+ "4hg3",
+ "2lyk",
+ "1bfi",
+ "6q45",
+ "134l",
+ "7qzp",
+ "1ms3",
+ "4qt3",
+ "1xft",
+ "7n37",
+ "2kbl",
+ "4wo9",
+ "1s7k",
+ "3nzq",
+ "2thi",
+ "1yhd",
+ "5d9p",
+ "2xbr",
+ "4cy7",
+ "3ee8",
+ "6bsx",
+ "2c35",
+ "2bx8",
+ "7s72",
+ "5wtd",
+ "3a0t",
+ "4p59",
+ "2h89",
+ "2yd0",
+ "3h89",
+ "2y1w",
+ "4qhl",
+ "7zzy",
+ "5iuy",
+ "3ugd",
+ "3btu",
+ "5jea",
+ "5xsr",
+ "4b1e",
+ "5b4o",
+ "3kx9",
+ "3whw",
+ "1o4n",
+ "7u91",
+ "6ef2",
+ "5jcd",
+ "3gsg",
+ "2ijy",
+ "1ttj",
+ "6pv7",
+ "7bzc",
+ "5zkc",
+ "2xuc",
+ "1h4u",
+ "5rp2",
+ "6yw3",
+ "2ofk",
+ "1d0n",
+ "3ggz",
+ "3nv5",
+ "5mlx",
+ "3k05",
+ "1ncx",
+ "2wia",
+ "1cgl",
+ "2mb9",
+ "4ewx",
+ "5kd9",
+ "5j0i",
+ "1fjm",
+ "5suf",
+ "6vge",
+ "6q0r",
+ "7fmv",
+ "7ki5",
+ "3qvk",
+ "2n1f",
+ "3iq7",
+ "8dy3",
+ "7zvm",
+ "8gv4",
+ "4a0p",
+ "4rtj",
+ "3el6",
+ "2mgw",
+ "5p4y",
+ "7a44",
+ "1zwc",
+ "3p55",
+ "2x03",
+ "7syz",
+ "1tzo",
+ "2bhf",
+ "7v3f",
+ "3au4",
+ "3wvs",
+ "3t9g",
+ "6w4f",
+ "1hnl",
+ "5god",
+ "1oak",
+ "4li0",
+ "3w03",
+ "4beq",
+ "5cuk",
+ "1hzb",
+ "4k8o",
+ "5tkm",
+ "6giv",
+ "4xve",
+ "6dwc",
+ "6a8h",
+ "6eve",
+ "6xux",
+ "7p9e",
+ "2f8k",
+ "6ttn",
+ "5azv",
+ "4etq",
+ "6bq2",
+ "4lqs",
+ "1e25",
+ "1tft",
+ "7nis",
+ "1jj0",
+ "3jtg",
+ "4r0b",
+ "8f79",
+ "4zdm",
+ "2g4j",
+ "4gcq",
+ "5stl",
+ "3jt9",
+ "7o1w",
+ "7ada",
+ "7z92",
+ "7ra9",
+ "6d9f",
+ "1cbk",
+ "6v9k",
+ "5nwf",
+ "3h2f",
+ "1brk",
+ "5ml9",
+ "4z4y",
+ "6rcz",
+ "5pgb",
+ "3h18",
+ "1cle",
+ "6yv4",
+ "4fmf",
+ "6mcu",
+ "2i1q",
+ "4c1f",
+ "5qkr",
+ "4kgq",
+ "7etg",
+ "5bve",
+ "1bcc",
+ "1r20",
+ "5f3c",
+ "2oag",
+ "2dts",
+ "4r18",
+ "2ax7",
+ "3b9s",
+ "5s6y",
+ "4gal",
+ "1jvd",
+ "2mja",
+ "5uno",
+ "6bh5",
+ "1jhu",
+ "1d2c",
+ "6vmg",
+ "6q8m",
+ "6due",
+ "1sl4",
+ "4brc",
+ "4xjh",
+ "5o29",
+ "2ky5",
+ "6zyj",
+ "2vtk",
+ "1n9j",
+ "6oaq",
+ "2vxq",
+ "6med",
+ "3vrv",
+ "7deu",
+ "1xly",
+ "4qgc",
+ "3qs3",
+ "3ovq",
+ "5wzx",
+ "1jri",
+ "2mkc",
+ "6c1i",
+ "3d11",
+ "1v96",
+ "7axo",
+ "3ohn",
+ "5s61",
+ "3tcm",
+ "3cn0",
+ "5c5q",
+ "2vzq",
+ "5m2a",
+ "6g12",
+ "3rtb",
+ "3qzu",
+ "1ma5",
+ "2ff6",
+ "5y08",
+ "6vv0",
+ "1dnw",
+ "2a4w",
+ "7w0g",
+ "2ks0",
+ "1ujl",
+ "5fs5",
+ "3wtm",
+ "2mxd",
+ "5cg2",
+ "1j4r",
+ "6b47",
+ "5ay8",
+ "5t8y",
+ "6l7k",
+ "1zc9",
+ "5pm6",
+ "2qmd",
+ "2qji",
+ "3s5y",
+ "3a20",
+ "3atv",
+ "1c44",
+ "3vb8",
+ "5pr0",
+ "4llf",
+ "6y2z",
+ "5ejr",
+ "1x6m",
+ "2fh7",
+ "6dkd",
+ "1kqx",
+ "7kwy",
+ "4u9w",
+ "4qzb",
+ "1kv2",
+ "2kyq",
+ "3vrm",
+ "1ni1",
+ "1pks",
+ "5vyd",
+ "5kqg",
+ "3h01",
+ "6kfh",
+ "7alm",
+ "4m8t",
+ "1zll",
+ "4u4w",
+ "2wgs",
+ "2k2t",
+ "1i3m",
+ "7alh",
+ "2jm3",
+ "2bs6",
+ "4qfc",
+ "6s44",
+ "3uyl",
+ "5xul",
+ "4r5e",
+ "4k6e",
+ "6uxu",
+ "3sov",
+ "3vgl",
+ "6cbu",
+ "1hj3",
+ "6qwf",
+ "1t2p",
+ "4x24",
+ "4if8",
+ "7yyh",
+ "3rau",
+ "7shf",
+ "4aef",
+ "7kpv",
+ "5hv4",
+ "5ik8",
+ "4y0a",
+ "1pdp",
+ "5wyx",
+ "5s3s",
+ "6vbp",
+ "5x6n",
+ "4boe",
+ "5o5y",
+ "2i66",
+ "2xi2",
+ "2j0g",
+ "3nms",
+ "4u4v",
+ "5czy",
+ "1ut2",
+ "1h93",
+ "3zjo",
+ "1d3s",
+ "6ho3",
+ "6vak",
+ "4dff",
+ "4yjm",
+ "6iiw",
+ "3g96",
+ "3v6f",
+ "4d1d",
+ "6s00",
+ "7fp8",
+ "2mph",
+ "6sjm",
+ "6kum",
+ "2fhr",
+ "1xk4",
+ "1fbc",
+ "2zs9",
+ "4ood",
+ "3ibd",
+ "7naj",
+ "1ndr",
+ "5w31",
+ "5ru8",
+ "3suf",
+ "5tfl",
+ "6x7d",
+ "3d45",
+ "3cx2",
+ "7p57",
+ "7kn7",
+ "3o2o",
+ "4l2g",
+ "7p1a",
+ "5i77",
+ "2efq",
+ "7fmw",
+ "3jb8",
+ "6pvx",
+ "4gp3",
+ "5t0f",
+ "7jrl",
+ "7eou",
+ "6c6a",
+ "3tnd",
+ "1vsc",
+ "5cfh",
+ "4pdj",
+ "4edz",
+ "5bsa",
+ "4l5n",
+ "1uor",
+ "6gee",
+ "3m36",
+ "8bah",
+ "1h9u",
+ "2xf6",
+ "4uho",
+ "1kbp",
+ "6wq8",
+ "6cqu",
+ "4fzq",
+ "6z9d",
+ "5tld",
+ "7cgv",
+ "5kgf",
+ "1lfw",
+ "1f11",
+ "5tun",
+ "1nsm",
+ "4aaa",
+ "6dgr",
+ "1mcq",
+ "1djw",
+ "4b8e",
+ "7o4p",
+ "5crz",
+ "5vx8",
+ "6gy5",
+ "3bfa",
+ "1kt6",
+ "3czz",
+ "6w1f",
+ "7l72",
+ "6sqg",
+ "7vw6",
+ "4dag",
+ "1k06",
+ "2nbr",
+ "8dkm",
+ "5vux",
+ "5ils",
+ "4fws",
+ "7dqj",
+ "1map",
+ "3mxe",
+ "5l7e",
+ "2eb9",
+ "5med",
+ "6yac",
+ "7na2",
+ "4qt0",
+ "5h1h",
+ "4toq",
+ "1fon",
+ "4gjf",
+ "6ktn",
+ "6ou2",
+ "1px9",
+ "1h3u",
+ "6gjm",
+ "1yma",
+ "3cdo",
+ "1u9u",
+ "2ecs",
+ "2h3e",
+ "4mph",
+ "1hj8",
+ "5n2h",
+ "1wxi",
+ "7n33",
+ "4rug",
+ "4en4",
+ "2v97",
+ "1osd",
+ "5bqx",
+ "2fpq",
+ "5ezk",
+ "2ou7",
+ "5o2e",
+ "2w0o",
+ "1z14",
+ "5qyb",
+ "3ihd",
+ "3od0",
+ "4n7w",
+ "6cjp",
+ "7b1q",
+ "1y45",
+ "7xqf",
+ "4cdo",
+ "4nq0",
+ "4ee5",
+ "5p88",
+ "5p7d",
+ "5o98",
+ "1xjn",
+ "4b5w",
+ "5v6n",
+ "1kfm",
+ "6tfb",
+ "8e6y",
+ "8exs",
+ "6bzv",
+ "3koa",
+ "8dtj",
+ "2oj9",
+ "6jf0",
+ "2npb",
+ "2mkx",
+ "3mmg",
+ "4y8k",
+ "6cta",
+ "6rgy",
+ "2out",
+ "4x6i",
+ "5wqh",
+ "6qof",
+ "1i5b",
+ "1txp",
+ "3efs",
+ "6hjq",
+ "7tqo",
+ "5l25",
+ "2aak",
+ "1xhy",
+ "6s8x",
+ "5zg9",
+ "5nc7",
+ "7oui",
+ "1pis",
+ "5guh",
+ "5y0z",
+ "1b9i",
+ "2k6u",
+ "5rox",
+ "5pj2",
+ "3nya",
+ "6e7j",
+ "6d8d",
+ "4wpb",
+ "5es6",
+ "1l4e",
+ "7xc6",
+ "2jd6",
+ "3td7",
+ "4hfc",
+ "1a8v",
+ "5yqo",
+ "1zyj",
+ "5rlc",
+ "2vou",
+ "5l2l",
+ "2cg9",
+ "1c3g",
+ "1tym",
+ "6f3l",
+ "6g7f",
+ "6hzk",
+ "5fcz",
+ "6sam",
+ "6ayo",
+ "7clz",
+ "4hdu",
+ "1c7i",
+ "5sz1",
+ "1tkk",
+ "6g5l",
+ "5pkb",
+ "6d1i",
+ "5pu4",
+ "6hve",
+ "6g32",
+ "3fh8",
+ "3okt",
+ "4eym",
+ "1x81",
+ "4y7y",
+ "7ns8",
+ "5ah9",
+ "4pfc",
+ "4yfi",
+ "3krl",
+ "5hu9",
+ "7lh8",
+ "6t1m",
+ "3ex9",
+ "5fmc",
+ "1ge6",
+ "1b3s",
+ "7vm8",
+ "3khu",
+ "4a4l",
+ "5dra",
+ "7wai",
+ "6lf2",
+ "5dc8",
+ "6p3e",
+ "5cse",
+ "5f27",
+ "4la3",
+ "5mmf",
+ "3lqi",
+ "6jdj",
+ "6f8n",
+ "6bxc",
+ "1nt2",
+ "7kua",
+ "5t7p",
+ "2fsy",
+ "2re9",
+ "5fxt",
+ "1qg6",
+ "6vin",
+ "3u0b",
+ "4y1s",
+ "5p4f",
+ "6uve",
+ "1xrp",
+ "4cj8",
+ "4hvk",
+ "5mng",
+ "7wsm",
+ "6tq9",
+ "3mz3",
+ "4qk4",
+ "1ggy",
+ "4au2",
+ "3cik",
+ "2gnc",
+ "3l13",
+ "4rix",
+ "6y62",
+ "5wkd",
+ "6od3",
+ "4qz0",
+ "5c0r",
+ "2xxr",
+ "6hie",
+ "3a2h",
+ "4gf1",
+ "4whe",
+ "4j2r",
+ "4uoh",
+ "6qhn",
+ "1k62",
+ "7yid",
+ "3acb",
+ "5x8d",
+ "6uv0",
+ "4uqu",
+ "3aht",
+ "5aom",
+ "1lf6",
+ "5guk",
+ "4lsa",
+ "6son",
+ "3wea",
+ "2wat",
+ "3fr2",
+ "6pj3",
+ "1y3i",
+ "5i3k",
+ "4jau",
+ "1tsz",
+ "5lek",
+ "3g8i",
+ "5v1t",
+ "1gy8",
+ "1l9q",
+ "4qy1",
+ "5ws3",
+ "4q3n",
+ "1mzd",
+ "2fzs",
+ "3ojk",
+ "7r8p",
+ "1ahw",
+ "3oeu",
+ "5ziz",
+ "1g0o",
+ "2xlq",
+ "3fke",
+ "2ffh",
+ "5jah",
+ "4nvd",
+ "5ha0",
+ "7m8p",
+ "1oat",
+ "2ard",
+ "6upm",
+ "5wrc",
+ "2mz7",
+ "5r85",
+ "2l2r",
+ "5ada",
+ "1ha9",
+ "3m7j",
+ "1br6",
+ "3pdn",
+ "1ov5",
+ "3zo0",
+ "7xo1",
+ "5s2y",
+ "2eti",
+ "1g9f",
+ "5dke",
+ "4x8x",
+ "5h8u",
+ "5ii5",
+ "1et7",
+ "7foh",
+ "3dd5",
+ "5ckl",
+ "4nrn",
+ "1ehx",
+ "2fh4",
+ "4wms",
+ "6bbg",
+ "7k14",
+ "4ccn",
+ "5qeg",
+ "4wa7",
+ "4b4e",
+ "4quz",
+ "1mq6",
+ "4cqm",
+ "3wz1",
+ "1l2g",
+ "6ugn",
+ "1pk7",
+ "7e23",
+ "3hvt",
+ "5nr7",
+ "6bfd",
+ "5fxj",
+ "3fnq",
+ "3t4c",
+ "1lz4",
+ "7jfs",
+ "4q9p",
+ "6hbe",
+ "1yn9",
+ "7y03",
+ "5tyl",
+ "1wx2",
+ "1i22",
+ "3rsv",
+ "5gxg",
+ "3t8y",
+ "3lia",
+ "6yd6",
+ "1dwt",
+ "1eay",
+ "6ue9",
+ "2j2u",
+ "7ori",
+ "2kz2",
+ "7llj",
+ "1jec",
+ "6np3",
+ "1lqv",
+ "4cdh",
+ "5cr7",
+ "3zt6",
+ "5sq8",
+ "5pl6",
+ "1a1d",
+ "5onu",
+ "3u75",
+ "7m41",
+ "7ls3",
+ "6gm6",
+ "1ohh",
+ "3cas",
+ "6tly",
+ "1z5v",
+ "3r37",
+ "7cee",
+ "8e9z",
+ "1w0a",
+ "7z7e",
+ "6rhe",
+ "3vcg",
+ "5xgu",
+ "3wkn",
+ "2zyz",
+ "3jby",
+ "1swr",
+ "8aeu",
+ "1tyw",
+ "3hxw",
+ "1g99",
+ "5y9s",
+ "6z3g",
+ "4gei",
+ "5vy9",
+ "5zaz",
+ "3rqm",
+ "1sdd",
+ "6o61",
+ "6zjo",
+ "2wx1",
+ "6be0",
+ "3srj",
+ "5alo",
+ "3ipt",
+ "1ngr",
+ "8grh",
+ "1i9e",
+ "6ofq",
+ "5vf2",
+ "5y6d",
+ "4e53",
+ "1fyr",
+ "5mpr",
+ "1oc9",
+ "4wn5",
+ "4ajk",
+ "6fla",
+ "3b63",
+ "3zlj",
+ "1el5",
+ "5rc3",
+ "4an9",
+ "4i33",
+ "5pdi",
+ "1qxy",
+ "5iqs",
+ "1olu",
+ "1ngd",
+ "5lr8",
+ "2yba",
+ "1zj8",
+ "7t5v",
+ "6cxa",
+ "8ady",
+ "3fft",
+ "2enx",
+ "7qjj",
+ "2hki",
+ "4ok6",
+ "5n4s",
+ "1dze",
+ "1jxd",
+ "5dso",
+ "6ur9",
+ "4el7",
+ "2p26",
+ "1bqm",
+ "1v9t",
+ "5kaw",
+ "1cu5",
+ "4crh",
+ "6s5l",
+ "3mpq",
+ "2fw6",
+ "7lba",
+ "4qe4",
+ "7ztb",
+ "6y00",
+ "7sex",
+ "3wr8",
+ "6yvb",
+ "2l45",
+ "6xrr",
+ "7kqr",
+ "5oir",
+ "2pzu",
+ "7yxa",
+ "3k57",
+ "1rnf",
+ "2x9p",
+ "1ilq",
+ "3mmi",
+ "1kwp",
+ "5tzj",
+ "3wpx",
+ "4hi3",
+ "5otz",
+ "7xq1",
+ "3nwa",
+ "4dcn",
+ "6i7w",
+ "4ygm",
+ "5jga",
+ "2ndi",
+ "3ube",
+ "4q3m",
+ "1ql2",
+ "6yo7",
+ "6zph",
+ "1dzo",
+ "3w2e",
+ "5pcv",
+ "2lp4",
+ "2w5k",
+ "5h4g",
+ "6gbd",
+ "4roe",
+ "5e3j",
+ "1lul",
+ "2wx3",
+ "3s48",
+ "4gkv",
+ "4k74",
+ "1r1n",
+ "6rit",
+ "1mqj",
+ "7wpq",
+ "3kex",
+ "6eca",
+ "5m9q",
+ "7l16",
+ "7lm3",
+ "5yt0",
+ "5fi1",
+ "1kx8",
+ "5hcl",
+ "1kxf",
+ "1asq",
+ "7c19",
+ "2xut",
+ "6bpc",
+ "6ewm",
+ "1jdm",
+ "5rls",
+ "7jsn",
+ "5y58",
+ "3qhs",
+ "6k9f",
+ "7epv",
+ "1pg5",
+ "6oe8",
+ "7ppy",
+ "4psx",
+ "3dn1",
+ "2zj1",
+ "3w3c",
+ "6ejj",
+ "2hvd",
+ "7qqf",
+ "1g0c",
+ "1qhu",
+ "6bh1",
+ "2gfw",
+ "1pw8",
+ "2kpe",
+ "4fi6",
+ "2b2a",
+ "7brv",
+ "3vva",
+ "5dsq",
+ "3al7",
+ "2ntm",
+ "4k71",
+ "7w5p",
+ "3d0z",
+ "6ol9",
+ "260l",
+ "5suo",
+ "1u81",
+ "5g0s",
+ "6dg1",
+ "2ixq",
+ "5r8m",
+ "1q1q",
+ "1x1i",
+ "4rln",
+ "1i5a",
+ "4fu4",
+ "5xe0",
+ "5lz0",
+ "1kok",
+ "8f9z",
+ "3ltj",
+ "7vfb",
+ "3q7q",
+ "1u5g",
+ "2jcr",
+ "4n00",
+ "3k9a",
+ "1tp8",
+ "2ono",
+ "6hll",
+ "3fyi",
+ "6og1",
+ "5tv3",
+ "3tnf",
+ "1xdo",
+ "2khr",
+ "2pnx",
+ "1oya",
+ "6sk6",
+ "3wuc",
+ "4to6",
+ "2w8w",
+ "5xx4",
+ "6oe1",
+ "2aj1",
+ "4qn9",
+ "3l61",
+ "2qgi",
+ "6zt7",
+ "3zwa",
+ "1m7i",
+ "1j3i",
+ "1a52",
+ "1i0z",
+ "4eqe",
+ "5pyk",
+ "3zhs",
+ "5xsx",
+ "4r3k",
+ "4y5v",
+ "6rkl",
+ "7bsk",
+ "1l8c",
+ "3pi6",
+ "4pln",
+ "4rc5",
+ "5n2k",
+ "5lx4",
+ "8dje",
+ "3tkq",
+ "5eds",
+ "4qcc",
+ "7sej",
+ "5ego",
+ "3h1u",
+ "6nn9",
+ "2aa2",
+ "3w99",
+ "5cb0",
+ "3n5c",
+ "8efb",
+ "7mra",
+ "4jui",
+ "3awg",
+ "2e1b",
+ "1ue6",
+ "1siq",
+ "5uwt",
+ "3oqt",
+ "4yuy",
+ "5bkd",
+ "3t12",
+ "1ivu",
+ "4hgc",
+ "4lua",
+ "1g0h",
+ "6g0r",
+ "1g9x",
+ "6ray",
+ "4hwc",
+ "3c64",
+ "1tie",
+ "6or0",
+ "6r19",
+ "2e2x",
+ "4pgm",
+ "6dhb",
+ "2va0",
+ "4yi5",
+ "4jri",
+ "3wv2",
+ "2rgn",
+ "1fye",
+ "6z9n",
+ "4lkm",
+ "3q3g",
+ "4rdt",
+ "2jcy",
+ "5b3f",
+ "3myw",
+ "5mf1",
+ "7dmn",
+ "4mur",
+ "4ib6",
+ "1ygk",
+ "6dno",
+ "6pkn",
+ "7cqy",
+ "5pul",
+ "5jae",
+ "5q1b",
+ "5io9",
+ "6ti6",
+ "7u09",
+ "7fmx",
+ "2qta",
+ "4gtf",
+ "6r22",
+ "1cte",
+ "1ntc",
+ "1yyd",
+ "4bei",
+ "7p8v",
+ "3qgb",
+ "2oss",
+ "4i3l",
+ "6j43",
+ "4fpc",
+ "6ick",
+ "4bbp",
+ "1v11",
+ "5cjb",
+ "4kr2",
+ "3dvb",
+ "7fcp",
+ "2nls",
+ "5lyg",
+ "4po4",
+ "5c5y",
+ "7ojx",
+ "6dpj",
+ "1hwu",
+ "7rmv",
+ "7yyo",
+ "7dp8",
+ "6kdu",
+ "3qpf",
+ "7bjn",
+ "5bpe",
+ "4y1a",
+ "7meq",
+ "4a9g",
+ "2nm0",
+ "5zl6",
+ "6ene",
+ "1hfk",
+ "4us6",
+ "1i7r",
+ "1efr",
+ "3pzd",
+ "5yli",
+ "5vne",
+ "3db1",
+ "1cbj",
+ "3g7y",
+ "2nya",
+ "1nin",
+ "4btv",
+ "8d82",
+ "2ris",
+ "6ne8",
+ "4z06",
+ "3hsy",
+ "5j81",
+ "7fed",
+ "1ao6",
+ "5ta7",
+ "6kxs",
+ "5cst",
+ "2ps9",
+ "5lbh",
+ "7dsr",
+ "6yup",
+ "1f6b",
+ "5f2a",
+ "1y3n",
+ "7lfd",
+ "4ws6",
+ "5mod",
+ "1j3n",
+ "6hxw",
+ "6vr3",
+ "5cgd",
+ "3cn2",
+ "5qkp",
+ "5b48",
+ "7qqg",
+ "6to6",
+ "1udg",
+ "4ha5",
+ "2yir",
+ "1vsf",
+ "6bto",
+ "2xa5",
+ "3m0x",
+ "7xbs",
+ "3vig",
+ "6gve",
+ "5hue",
+ "4m18",
+ "8a4t",
+ "1hi3",
+ "4htz",
+ "6m5m",
+ "3lpq",
+ "5csv",
+ "7as3",
+ "1h23",
+ "1mkq",
+ "6g8l",
+ "6g00",
+ "7ny2",
+ "3kkm",
+ "7nxq",
+ "6t2e",
+ "5agm",
+ "7w6l",
+ "5ntq",
+ "3loj",
+ "7dxa",
+ "1je1",
+ "2ieo",
+ "6sex",
+ "1mjd",
+ "5jzb",
+ "3ffa",
+ "6s0o",
+ "1cuh",
+ "4toh",
+ "5i4e",
+ "6w22",
+ "3s70",
+ "6ayr",
+ "6f9p",
+ "4xb7",
+ "1iwh",
+ "5a64",
+ "1ttw",
+ "6q4b",
+ "1y4l",
+ "1swc",
+ "3qfa",
+ "2hsa",
+ "6wa4",
+ "7qkl",
+ "3wdu",
+ "1hlp",
+ "6wcc",
+ "1svf",
+ "2o9o",
+ "1n7n",
+ "3la6",
+ "1c8p",
+ "6nfy",
+ "6t0y",
+ "6co9",
+ "1ncs",
+ "6bgi",
+ "2e6v",
+ "5bqd",
+ "7au0",
+ "4zyp",
+ "1fm9",
+ "2jia",
+ "7mj5",
+ "3f3e",
+ "6x80",
+ "5inn",
+ "5m53",
+ "6eev",
+ "4qcd",
+ "6gmi",
+ "1kfn",
+ "5llf",
+ "7rfq",
+ "3uzt",
+ "3zhf",
+ "6vk5",
+ "1n6v",
+ "7ojt",
+ "5r27",
+ "7vn4",
+ "1bn7",
+ "6f73",
+ "4h53",
+ "4qpg",
+ "6eui",
+ "3dg1",
+ "1lv0",
+ "7tc2",
+ "6ovq",
+ "4gb9",
+ "4mnp",
+ "3gbm",
+ "5d8d",
+ "1pub",
+ "6w1j",
+ "4nyk",
+ "1b4c",
+ "4iip",
+ "1b10",
+ "1c9k",
+ "5r32",
+ "3f0o",
+ "3k4q",
+ "1j95",
+ "7l99",
+ "3hlr",
+ "4qlo",
+ "1w9t",
+ "3cf0",
+ "4fmo",
+ "1yfy",
+ "5elh",
+ "4ya7",
+ "1d0b",
+ "5cqx",
+ "5o9e",
+ "2xmj",
+ "3iav",
+ "5vje",
+ "4cs5",
+ "6osp",
+ "6byz",
+ "3tbm",
+ "2q8t",
+ "5m77",
+ "5bnv",
+ "5ir4",
+ "7c6s",
+ "4akb",
+ "6qgb",
+ "1rvv",
+ "3a23",
+ "5nje",
+ "3ak1",
+ "2e5t",
+ "7nbz",
+ "5ejo",
+ "6zys",
+ "1qg5",
+ "6nzu",
+ "2p51",
+ "5qmv",
+ "1nw5",
+ "3jzh",
+ "4u5h",
+ "1w5x",
+ "3gz8",
+ "1m8n",
+ "1r0i",
+ "5piy",
+ "1bym",
+ "1sp9",
+ "1gcy",
+ "5us4",
+ "1ckc",
+ "2oam",
+ "1oty",
+ "6r1n",
+ "1jrb",
+ "4a2a",
+ "5k77",
+ "4bo9",
+ "7k7l",
+ "2ntk",
+ "7l2s",
+ "1z91",
+ "7xev",
+ "2a8l",
+ "7akv",
+ "5wva",
+ "3ny4",
+ "6m4j",
+ "2dr5",
+ "4x15",
+ "2jm2",
+ "6cgt",
+ "2hfo",
+ "6i0s",
+ "4yze",
+ "6pqu",
+ "6fgw",
+ "6zie",
+ "6vp1",
+ "6saa",
+ "3utt",
+ "5pe3",
+ "1iyd",
+ "2ilp",
+ "5grh",
+ "4raf",
+ "4gzc",
+ "1n7r",
+ "2oq5",
+ "1qcr",
+ "7pvd",
+ "2rrt",
+ "2o96",
+ "2kqy",
+ "2rer",
+ "3orf",
+ "6j18",
+ "7zvu",
+ "1tlm",
+ "4z69",
+ "5zb0",
+ "3t6j",
+ "3tdk",
+ "4zuu",
+ "1bhu",
+ "5ftd",
+ "4q84",
+ "1kzm",
+ "4ex6",
+ "6qni",
+ "7tk4",
+ "3ll4",
+ "5ofu",
+ "5vl0",
+ "3qvp",
+ "7ogb",
+ "7mzr",
+ "4ctn",
+ "1x3g",
+ "2qk4",
+ "2kgg",
+ "2aga",
+ "7enl",
+ "3u93",
+ "4q2q",
+ "3ej7",
+ "3ua9",
+ "2lns",
+ "7bm6",
+ "4buu",
+ "5wwq",
+ "2j72",
+ "5stu",
+ "4g8b",
+ "2haq",
+ "3nq0",
+ "4c24",
+ "6yx2",
+ "7ta0",
+ "6znq",
+ "4r19",
+ "6q58",
+ "1pwe",
+ "4axz",
+ "1dfd",
+ "4cnj",
+ "2qjn",
+ "4uoi",
+ "7x52",
+ "1iig",
+ "5rvr",
+ "4we7",
+ "2v83",
+ "4f9e",
+ "5d8j",
+ "4b22",
+ "3wgl",
+ "3f8g",
+ "6b2n",
+ "2f1n",
+ "6j20",
+ "6vvn",
+ "6q34",
+ "7noo",
+ "3oqj",
+ "6tyo",
+ "4ww5",
+ "1no8",
+ "7o9e",
+ "4yk6",
+ "5zzx",
+ "3bqd",
+ "3p2d",
+ "3j42",
+ "1dmo",
+ "2ps1",
+ "4kyd",
+ "2xro",
+ "4j8s",
+ "1n1z",
+ "2jw4",
+ "7mps",
+ "2l6a",
+ "1pxu",
+ "3hcj",
+ "6mep",
+ "7v5s",
+ "4gh8",
+ "5ewz",
+ "2gmn",
+ "5k7s",
+ "4up9",
+ "6lwp",
+ "5qcp",
+ "5qld",
+ "2rbr",
+ "1bw3",
+ "2df5",
+ "6ft1",
+ "1y8p",
+ "5iui",
+ "2b5j",
+ "5xmt",
+ "1pcg",
+ "1o9p",
+ "1n3h",
+ "2gw1",
+ "6t6p",
+ "4f39",
+ "6mux",
+ "3k3q",
+ "4xzc",
+ "4lc1",
+ "1qqi",
+ "2b0u",
+ "4m2v",
+ "2vug",
+ "1hng",
+ "5r8v",
+ "5eor",
+ "5t53",
+ "7tmo",
+ "4qgo",
+ "5kur",
+ "6sql",
+ "6pnm",
+ "6csf",
+ "7s6g",
+ "4yt2",
+ "6jk5",
+ "4zr0",
+ "1jrx",
+ "3d72",
+ "2f4a",
+ "8e1a",
+ "6syv",
+ "5vxf",
+ "3f8z",
+ "6hr5",
+ "2yev",
+ "7oow",
+ "1ckr",
+ "6kly",
+ "2ylq",
+ "2lc1",
+ "7cpw",
+ "6bno",
+ "7df9",
+ "1li5",
+ "6tlq",
+ "2omp",
+ "4wda",
+ "6a1y",
+ "4rpy",
+ "4tof",
+ "4x58",
+ "4ymn",
+ "2xh3",
+ "5i2l",
+ "2wrf",
+ "1huu",
+ "3axe",
+ "5zbx",
+ "2n4d",
+ "4knb",
+ "7cqd",
+ "7rzz",
+ "2v5x",
+ "1vyk",
+ "7ljn",
+ "4b5c",
+ "3fqj",
+ "7q4r",
+ "2l29",
+ "3cs7",
+ "2x5h",
+ "1r5d",
+ "5b5o",
+ "5fsc",
+ "5v95",
+ "5rpf",
+ "6av7",
+ "6izd",
+ "3vd2",
+ "5qgf",
+ "1e7l",
+ "4wr7",
+ "2bry",
+ "2xxv",
+ "3t0u",
+ "1li7",
+ "2hfj",
+ "6n7r",
+ "6nrw",
+ "4xkd",
+ "1ggm",
+ "7u48",
+ "4p4o",
+ "3b6t",
+ "6cdl",
+ "6sr9",
+ "4xpf",
+ "1uin",
+ "1z3u",
+ "3p8l",
+ "1klq",
+ "1mkr",
+ "2mg2",
+ "5lje",
+ "1z02",
+ "3qx3",
+ "5wqc",
+ "7d1u",
+ "1xbt",
+ "3k99",
+ "1ini",
+ "4bfq",
+ "5a2n",
+ "7r0e",
+ "7v5z",
+ "3ivt",
+ "4tzs",
+ "4l5q",
+ "2wyh",
+ "5voc",
+ "3o4o",
+ "4r83",
+ "1jis",
+ "4eqm",
+ "3tdb",
+ "5ybb",
+ "1e69",
+ "2bqf",
+ "6yiz",
+ "4bym",
+ "7z9e",
+ "4dk5",
+ "3hhr",
+ "5qzh",
+ "3gno",
+ "1dja",
+ "2w1z",
+ "3dp1",
+ "3wsg",
+ "4rud",
+ "6mnn",
+ "5dqi",
+ "6ohq",
+ "2vel",
+ "3zr7",
+ "4pl5",
+ "3lhm",
+ "4cjq",
+ "1qpx",
+ "4i73",
+ "2o64",
+ "6n1k",
+ "6q77",
+ "7qv8",
+ "2qze",
+ "1hi1",
+ "7d0m",
+ "5tdg",
+ "5jyf",
+ "5hjs",
+ "3qxp",
+ "4lh3",
+ "5mj2",
+ "5llt",
+ "1bxh",
+ "2xdm",
+ "7yu2",
+ "5rl9",
+ "6q6t",
+ "6l5d",
+ "6hum",
+ "1jkb",
+ "4w89",
+ "2uxu",
+ "1fbu",
+ "7txs",
+ "3t3u",
+ "6geq",
+ "6mh5",
+ "5bpc",
+ "4cia",
+ "6xr1",
+ "2z2o",
+ "4x4k",
+ "5uoj",
+ "7rzq",
+ "5c39",
+ "6q3b",
+ "2rqt",
+ "5aqr",
+ "5u4w",
+ "3kco",
+ "5nnh",
+ "7nxi",
+ "3d4w",
+ "7o9u",
+ "4tmb",
+ "2vnj",
+ "2vks",
+ "6y7d",
+ "4gxf",
+ "2e90",
+ "4jkc",
+ "6kps",
+ "5on4",
+ "5ppm",
+ "4e7j",
+ "6owo",
+ "1mwd",
+ "4j9l",
+ "2on9",
+ "3adu",
+ "2zuq",
+ "5iuk",
+ "1lph",
+ "5ox2",
+ "1ak9",
+ "6tif",
+ "5ofe",
+ "6i5p",
+ "5fa5",
+ "6ewn",
+ "4fiw",
+ "2o4z",
+ "2r4s",
+ "7zyd",
+ "5pyc",
+ "5y0y",
+ "2ogz",
+ "6elc",
+ "4lg5",
+ "2c0s",
+ "5faa",
+ "1eb3",
+ "7v3z",
+ "1f2f",
+ "6cwi",
+ "8ct8",
+ "5o5q",
+ "3zgn",
+ "7rm8",
+ "4uuv",
+ "5zhq",
+ "4pdn",
+ "2mny",
+ "6f5m",
+ "5ght",
+ "7pfd",
+ "3iwb",
+ "3gcx",
+ "4gwk",
+ "8hdt",
+ "6jlr",
+ "6j4s",
+ "8ayq",
+ "1tjp",
+ "2c9p",
+ "1haa",
+ "4cnl",
+ "2ycr",
+ "6hzl",
+ "5cpl",
+ "1rq4",
+ "6xhr",
+ "1qtv",
+ "6o83",
+ "2a81",
+ "7jvq",
+ "3a8k",
+ "5t16",
+ "3tuz",
+ "2x24",
+ "5gwn",
+ "5nuh",
+ "3jww",
+ "1wmp",
+ "6mgw",
+ "4pw3",
+ "5ltw",
+ "5z7n",
+ "2qqu",
+ "3fpp",
+ "1h5c",
+ "3czr",
+ "6qqn",
+ "1nwo",
+ "1nlv",
+ "1wda",
+ "4i8x",
+ "3zg1",
+ "2c99",
+ "3ia3",
+ "4mon",
+ "7ffc",
+ "4rr0",
+ "5vjz",
+ "2f3i",
+ "7oy3",
+ "7m3u",
+ "1bii",
+ "6dwn",
+ "2i4v",
+ "2rur",
+ "6pba",
+ "2x7k",
+ "6odl",
+ "2b77",
+ "1aet",
+ "5qyh",
+ "6yez",
+ "5vi4",
+ "7kym",
+ "1hee",
+ "7jul",
+ "7rcw",
+ "2k2a",
+ "4ocg",
+ "3sx9",
+ "3w9d",
+ "4y8n",
+ "5uc4",
+ "1yhe",
+ "3bu0",
+ "5a1r",
+ "7cji",
+ "1umk",
+ "1pzf",
+ "5c5r",
+ "5pif",
+ "3c01",
+ "6c5x",
+ "4gab",
+ "5lc6",
+ "3ual",
+ "1ee6",
+ "3e1u",
+ "1m52",
+ "2wvd",
+ "1bhh",
+ "1hul",
+ "6qs5",
+ "7sc5",
+ "5lhk",
+ "2wwd",
+ "1ibo",
+ "2wq6",
+ "6mhv",
+ "7bzi",
+ "3rn3",
+ "7qys",
+ "6x5b",
+ "1sx2",
+ "4osm",
+ "2gk6",
+ "3sx2",
+ "1u08",
+ "6bfx",
+ "1pm3",
+ "7cy4",
+ "4rl2",
+ "3cds",
+ "4cca",
+ "5wr3",
+ "1fhh",
+ "3b9o",
+ "5uwv",
+ "8c0e",
+ "5zhy",
+ "6u6h",
+ "4wz6",
+ "1y6h",
+ "7rhl",
+ "1uzq",
+ "1bdm",
+ "6co2",
+ "1dqr",
+ "5s3u",
+ "4dtb",
+ "6m44",
+ "1cxv",
+ "3f98",
+ "2wki",
+ "5pc4",
+ "3fuc",
+ "6c1a",
+ "1xfy",
+ "5w54",
+ "6sa1",
+ "2blh",
+ "6q6x",
+ "3da7",
+ "6d74",
+ "3rfy",
+ "1uk4",
+ "4g99",
+ "2dfh",
+ "5h3d",
+ "7lf1",
+ "2q31",
+ "4l94",
+ "3ri6",
+ "7w30",
+ "1kyo",
+ "4cwo",
+ "4aey",
+ "6kab",
+ "1o2k",
+ "4lyu",
+ "8cxb",
+ "3wn6",
+ "6sew",
+ "7xnk",
+ "4gvc",
+ "5drp",
+ "6me7",
+ "6i9i",
+ "4ajs",
+ "5nyn",
+ "6auk",
+ "7lm8",
+ "5tzz",
+ "3axa",
+ "3wyo",
+ "2jgx",
+ "7flm",
+ "5p6r",
+ "2q27",
+ "2vx0",
+ "2kum",
+ "5l90",
+ "1orm",
+ "6pyv",
+ "8e93",
+ "5ymt",
+ "4kiw",
+ "7mdj",
+ "7pz9",
+ "2kbq",
+ "5m42",
+ "2a4h",
+ "6pw3",
+ "6di7",
+ "4x4n",
+ "5jya",
+ "4jfo",
+ "3clc",
+ "1pnf",
+ "7t4r",
+ "4fi7",
+ "6etl",
+ "5hts",
+ "4xu5",
+ "4kfs",
+ "6mjq",
+ "6gab",
+ "6h9m",
+ "1g3g",
+ "1j2o",
+ "1qy8",
+ "6ywm",
+ "1t1i",
+ "4g0o",
+ "7wop",
+ "2obd",
+ "1pr1",
+ "1vgo",
+ "3gi6",
+ "5eml",
+ "4elm",
+ "6ns1",
+ "7u11",
+ "6kpa",
+ "6qjt",
+ "6pxs",
+ "4cd6",
+ "7q9o",
+ "3fuv",
+ "1rv4",
+ "7wjm",
+ "5bw4",
+ "6vs6",
+ "5roy",
+ "6k3b",
+ "4ngg",
+ "7tta",
+ "5p46",
+ "1gze",
+ "7xq8",
+ "6mul",
+ "6a1v",
+ "7blq",
+ "4rc6",
+ "6phv",
+ "1vh4",
+ "4kej",
+ "7bi4",
+ "1yx4",
+ "1maq",
+ "1ftm",
+ "5j3z",
+ "3rek",
+ "5ab7",
+ "1pb5",
+ "3r91",
+ "7mn9",
+ "4oh3",
+ "6g4c",
+ "5pxq",
+ "1j10",
+ "6rpu",
+ "1pgx",
+ "4fu6",
+ "2qr9",
+ "3vog",
+ "4jv0",
+ "4z6v",
+ "7ec6",
+ "5gi9",
+ "2yik",
+ "3ti5",
+ "5flu",
+ "6n4q",
+ "1z5o",
+ "2ju5",
+ "6yaw",
+ "5lbe",
+ "4wrb",
+ "2hq3",
+ "6bfj",
+ "4bit",
+ "5wsb",
+ "5fgi",
+ "4a72",
+ "4uig",
+ "7kwx",
+ "7cz2",
+ "3wmt",
+ "5ppx",
+ "4bpu",
+ "8c8q",
+ "1t8c",
+ "3iqm",
+ "2itj",
+ "7lxx",
+ "1ls3",
+ "5d1t",
+ "3o6f",
+ "3any",
+ "7vt6",
+ "8dpn",
+ "1px2",
+ "5xqn",
+ "4b3u",
+ "5wx9",
+ "2hx2",
+ "5op0",
+ "8gep",
+ "1f7w",
+ "4cml",
+ "2mjw",
+ "5fb8",
+ "5l66",
+ "4bi1",
+ "4p73",
+ "2xry",
+ "4p8o",
+ "1azt",
+ "3nxr",
+ "2xi7",
+ "3hss",
+ "2cmd",
+ "5eey",
+ "3blx",
+ "6w18",
+ "2g00",
+ "5fw4",
+ "6sk2",
+ "6uw7",
+ "2c6i",
+ "1deo",
+ "1i7p",
+ "7bcf",
+ "1mos",
+ "4uov",
+ "3ph4",
+ "6m9b",
+ "4bq8",
+ "4xsl",
+ "7bw1",
+ "1kyv",
+ "7f75",
+ "5hhd",
+ "2st1",
+ "6t4h",
+ "6n5c",
+ "6g3s",
+ "4hey",
+ "1ijg",
+ "1udm",
+ "5fti",
+ "7dxp",
+ "4qaq",
+ "4ige",
+ "4bi7",
+ "4bfy",
+ "5qny",
+ "6byk",
+ "6z5q",
+ "5uog",
+ "3uop",
+ "6mks",
+ "4mpl",
+ "1uw6",
+ "5hro",
+ "6xuq",
+ "4owl",
+ "7zo8",
+ "4lov",
+ "1b1u",
+ "3w6m",
+ "8a7x",
+ "5jb7",
+ "1lvl",
+ "5vbx",
+ "5kh3",
+ "3j9o",
+ "6kw9",
+ "3grg",
+ "1c5y",
+ "5h4f",
+ "4xrk",
+ "6kiu",
+ "3sut",
+ "2zmx",
+ "5rso",
+ "1rfn",
+ "4umt",
+ "1cqj",
+ "8aba",
+ "4pah",
+ "1k1c",
+ "2y9t",
+ "2wwy",
+ "6red",
+ "4p46",
+ "4xcl",
+ "1rk3",
+ "3dui",
+ "2cb8",
+ "2bwc",
+ "4tki",
+ "7lbw",
+ "6kvo",
+ "1rkn",
+ "7v5q",
+ "3k7l",
+ "2gix",
+ "7zvr",
+ "5oks",
+ "8gyn",
+ "6cw2",
+ "3c0h",
+ "2oah",
+ "2fyf",
+ "1ebg",
+ "5kor",
+ "7ade",
+ "6jr7",
+ "5imx",
+ "3bju",
+ "2ddu",
+ "3rfm",
+ "1yev",
+ "7ebm",
+ "4m1l",
+ "4g5g",
+ "8ath",
+ "5gp4",
+ "2puv",
+ "5ujl",
+ "6l6b",
+ "8a92",
+ "7bq1",
+ "6rao",
+ "1dt6",
+ "2skd",
+ "1dcc",
+ "2qt5",
+ "6d41",
+ "2ktc",
+ "4ndu",
+ "5pj3",
+ "7n3a",
+ "8hmy",
+ "2vc9",
+ "1hb2",
+ "2k0f",
+ "6aef",
+ "2bve",
+ "5svx",
+ "7wff",
+ "6l4r",
+ "1psm",
+ "1tag",
+ "4yrk",
+ "5e8g",
+ "6xbu",
+ "5agh",
+ "4dj1",
+ "3oq2",
+ "7b82",
+ "5p1o",
+ "4jay",
+ "3f5k",
+ "5mad",
+ "5amo",
+ "5i9i",
+ "7o75",
+ "7uwy",
+ "7b48",
+ "6fqd",
+ "7k0i",
+ "1k30",
+ "3hzl",
+ "3asi",
+ "3q36",
+ "7dqv",
+ "5k3q",
+ "4fh1",
+ "1sz7",
+ "1lfi",
+ "1dwl",
+ "5bmx",
+ "6f62",
+ "2w60",
+ "6d1l",
+ "5gz6",
+ "4x0z",
+ "5j20",
+ "7dej",
+ "3rq4",
+ "6ess",
+ "3bkk",
+ "2atg",
+ "4f8f",
+ "4ga2",
+ "3fe1",
+ "3avi",
+ "4k5m",
+ "1k7h",
+ "1s7t",
+ "6oqw",
+ "2pkk",
+ "2exj",
+ "8fum",
+ "6ajg",
+ "4rep",
+ "3cv9",
+ "5fbc",
+ "3ulr",
+ "6igf",
+ "2n87",
+ "2a3r",
+ "4mzq",
+ "2g6j",
+ "2zlf",
+ "6j7r",
+ "1b8k",
+ "6xss",
+ "5zgd",
+ "6v1u",
+ "4ud5",
+ "7klm",
+ "2lpv",
+ "8b5y",
+ "5hry",
+ "1zvs",
+ "1vpu",
+ "6jjn",
+ "6b4u",
+ "4trx",
+ "6sss",
+ "4c22",
+ "3t1q",
+ "7kcj",
+ "4qxq",
+ "3gwg",
+ "6so4",
+ "4hzs",
+ "4yzu",
+ "6b87",
+ "1t0k",
+ "7mu3",
+ "4gee",
+ "4puk",
+ "1g6z",
+ "5wdf",
+ "2aji",
+ "1b7x",
+ "2wzx",
+ "2pd7",
+ "7s2u",
+ "8d71",
+ "4zbx",
+ "2k93",
+ "6wre",
+ "6iri",
+ "4px8",
+ "1a80",
+ "5f5t",
+ "1cei",
+ "1l82",
+ "6so1",
+ "2r2x",
+ "6myd",
+ "1btz",
+ "7e26",
+ "7njs",
+ "3ekr",
+ "3v0g",
+ "3cfd",
+ "4l1t",
+ "4n9w",
+ "4azd",
+ "6kw3",
+ "5z3o",
+ "4bm5",
+ "2jtn",
+ "8fiu",
+ "3c0a",
+ "1qav",
+ "5nr1",
+ "3tgm",
+ "2wet",
+ "6kxf",
+ "5irq",
+ "3ggr",
+ "1fya",
+ "4clo",
+ "3rr2",
+ "2rm8",
+ "2dxn",
+ "2rv2",
+ "1n8f",
+ "3zbd",
+ "3sth",
+ "5pto",
+ "2gx4",
+ "4yr0",
+ "7xjp",
+ "2zaf",
+ "2bo6",
+ "4yw8",
+ "2cwm",
+ "5lj8",
+ "2cwf",
+ "1s82",
+ "6ns2",
+ "4m49",
+ "6ccv",
+ "5a9e",
+ "3im0",
+ "7osg",
+ "4io4",
+ "3bzy",
+ "5iqd",
+ "2l2a",
+ "1xiw",
+ "5e51",
+ "7ujg",
+ "1i9l",
+ "6sjs",
+ "3v7d",
+ "4h7f",
+ "7eeq",
+ "6ha7",
+ "1har",
+ "4k6i",
+ "1nam",
+ "6ugz",
+ "4dcu",
+ "6qns",
+ "3fg6",
+ "5jxg",
+ "3tcu",
+ "4u1s",
+ "5ipn",
+ "4ea9",
+ "2fbx",
+ "5zzo",
+ "6qrv",
+ "1ejn",
+ "6ez1",
+ "3npz",
+ "1b1g",
+ "5l7z",
+ "4mp2",
+ "7v13",
+ "1klp",
+ "2xmm",
+ "3qu8",
+ "4kwj",
+ "4qqo",
+ "3kxm",
+ "6ny5",
+ "3k4m",
+ "7dcl",
+ "7f9y",
+ "6eug",
+ "7f3y",
+ "3nht",
+ "2roe",
+ "4egn",
+ "7kz1",
+ "6z9s",
+ "1cpn",
+ "2j4x",
+ "3woy",
+ "5ly5",
+ "5ac5",
+ "3cxr",
+ "4yyl",
+ "6gzb",
+ "1piy",
+ "2lhg",
+ "1lk2",
+ "4nkw",
+ "4y1w",
+ "6e5n",
+ "1q04",
+ "7lav",
+ "2odd",
+ "7mcc",
+ "4uog",
+ "3dmm",
+ "3bzo",
+ "5tkp",
+ "4kbc",
+ "4yk3",
+ "4y7g",
+ "6hbj",
+ "3mll",
+ "8grf",
+ "4x52",
+ "6fjy",
+ "7n2m",
+ "1nks",
+ "6d9s",
+ "5xdv",
+ "7rke",
+ "4geg",
+ "5mfj",
+ "6i7n",
+ "5h84",
+ "2iko",
+ "6lad",
+ "7ch6",
+ "6j9l",
+ "7s8c",
+ "5g0c",
+ "6q42",
+ "5mbq",
+ "1zof",
+ "3nft",
+ "3mg5",
+ "5x37",
+ "4kqw",
+ "1avf",
+ "1l6t",
+ "5cou",
+ "6ktl",
+ "6f9w",
+ "6wl2",
+ "6yei",
+ "6dxo",
+ "4v16",
+ "6k7p",
+ "2p1h",
+ "5kbl",
+ "5w8d",
+ "5zdk",
+ "4bxl",
+ "6x4f",
+ "5t51",
+ "1uck",
+ "1gz3",
+ "4oy9",
+ "3vtw",
+ "3rne",
+ "3rf5",
+ "4k1r",
+ "4hob",
+ "4xl2",
+ "6f4e",
+ "2e4x",
+ "1ymp",
+ "7w0d",
+ "5cip",
+ "1wak",
+ "3fwy",
+ "7xbl",
+ "4n36",
+ "8ae7",
+ "5lrc",
+ "6fur",
+ "4m1n",
+ "3o2l",
+ "2dvh",
+ "6rxq",
+ "4ayd",
+ "5jde",
+ "3vvi",
+ "2mfe",
+ "2brb",
+ "1h5h",
+ "3kz7",
+ "1krr",
+ "3j1u",
+ "5ec8",
+ "6fnt",
+ "2wyo",
+ "1phm",
+ "6kc4",
+ "7qe1",
+ "3azd",
+ "4gyj",
+ "7ng3",
+ "2hp8",
+ "6yoe",
+ "1xjb",
+ "3bzk",
+ "2ft8",
+ "1sjn",
+ "5j0u",
+ "6f2j",
+ "4c7r",
+ "2d2i",
+ "1qru",
+ "2y5y",
+ "7xlp",
+ "6ggj",
+ "1et0",
+ "1nwg",
+ "1y8r",
+ "1a1e",
+ "4yye",
+ "1uum",
+ "4g42",
+ "7lhu",
+ "5tyy",
+ "6cpf",
+ "3bbe",
+ "3e4n",
+ "2k7j",
+ "7js4",
+ "7kmr",
+ "6gqi",
+ "3pws",
+ "6uz2",
+ "2gga",
+ "3ghp",
+ "6qck",
+ "3gb5",
+ "4we4",
+ "6nze",
+ "1xqs",
+ "7dct",
+ "2w9a",
+ "1of2",
+ "1p81",
+ "5vaq",
+ "2gpl",
+ "2mg3",
+ "1jk8",
+ "3u43",
+ "1wn2",
+ "6q8f",
+ "4ehd",
+ "7s54",
+ "6onj",
+ "5cwj",
+ "6ezp",
+ "8ebu",
+ "4qs4",
+ "3a51",
+ "1b6i",
+ "2cax",
+ "2w0b",
+ "3gad",
+ "4zut",
+ "6vvc",
+ "6iso",
+ "4ir3",
+ "3agv",
+ "3jtb",
+ "5f7b",
+ "4ypc",
+ "2ypf",
+ "1ocd",
+ "1nhg",
+ "4nf0",
+ "5jp1",
+ "2a71",
+ "5p5v",
+ "7mqp",
+ "2mal",
+ "2ckz",
+ "5cfm",
+ "7jpe",
+ "4lk4",
+ "3r0o",
+ "5p59",
+ "5fyx",
+ "4tpp",
+ "6c7j",
+ "1d6t",
+ "7o06",
+ "6wud",
+ "6zig",
+ "2hk5",
+ "6zwp",
+ "1fv1",
+ "5odt",
+ "6egk",
+ "2zkn",
+ "4jnt",
+ "6xkd",
+ "2vx6",
+ "1o3y",
+ "2v0l",
+ "5pbu",
+ "7lue",
+ "4je9",
+ "6ytl",
+ "1rnd",
+ "4rir",
+ "1flw",
+ "1n5g",
+ "2eup",
+ "3hen",
+ "7p2k",
+ "1ae4",
+ "2drr",
+ "5ht8",
+ "6khr",
+ "2oxd",
+ "4ceq",
+ "7pch",
+ "1inq",
+ "2i83",
+ "1u0s",
+ "5kho",
+ "6ngu",
+ "3a37",
+ "4uva",
+ "2ybe",
+ "5hok",
+ "3tm5",
+ "4a3y",
+ "6lp6",
+ "3o1r",
+ "4r3s",
+ "4ojb",
+ "2hkd",
+ "8dwa",
+ "6f8p",
+ "2ik2",
+ "1f26",
+ "2bc1",
+ "5jaf",
+ "6w9n",
+ "6kdy",
+ "6sp6",
+ "2jtw",
+ "4xb8",
+ "4u6y",
+ "2hrl",
+ "6zxx",
+ "4zvl",
+ "3idn",
+ "7psu",
+ "5ggp",
+ "2pjt",
+ "1ggh",
+ "3n4l",
+ "4wkr",
+ "1fjc",
+ "4mhj",
+ "6o2y",
+ "7x9k",
+ "6hx9",
+ "7lx6",
+ "4p65",
+ "1hf0",
+ "6bt0",
+ "6ycu",
+ "5prs",
+ "1wqd",
+ "4i0e",
+ "5vlp",
+ "3bnd",
+ "3ajn",
+ "4yyi",
+ "1gyc",
+ "4lwo",
+ "5ld9",
+ "7fkw",
+ "4pni",
+ "1iut",
+ "6n0m",
+ "4l31",
+ "3wk3",
+ "2bdo",
+ "1t0v",
+ "3rwd",
+ "7ddx",
+ "1ukf",
+ "2cnp",
+ "3djw",
+ "7lg7",
+ "4qh8",
+ "4rxh",
+ "7t0d",
+ "2vcb",
+ "2qwa",
+ "1vgq",
+ "3cnc",
+ "3dng",
+ "6jjm",
+ "7zd7",
+ "1jkf",
+ "6y3l",
+ "4wva",
+ "6z46",
+ "5x1l",
+ "3g0x",
+ "2hin",
+ "5l3y",
+ "5o44",
+ "2v2f",
+ "6mg4",
+ "2x26",
+ "3tfi",
+ "7rbo",
+ "5juv",
+ "1hqk",
+ "5c3s",
+ "6bfh",
+ "2cek",
+ "4xyb",
+ "7dvy",
+ "3sze",
+ "7lcr",
+ "2y9k",
+ "3vqk",
+ "2olq",
+ "5eij",
+ "1b4e",
+ "4b3q",
+ "3zj4",
+ "5dgb",
+ "3rlf",
+ "6f9z",
+ "6ek1",
+ "1ffn",
+ "3lyf",
+ "104l",
+ "5d9r",
+ "1pju",
+ "1mei",
+ "2qz8",
+ "3j0i",
+ "7mrn",
+ "5zqu",
+ "6fbv",
+ "7vvb",
+ "5nof",
+ "5zch",
+ "4b85",
+ "1toh",
+ "4jnc",
+ "4yh0",
+ "4pnj",
+ "2iue",
+ "1fzu",
+ "6vq7",
+ "1eh5",
+ "2v5h",
+ "8adh",
+ "5ejq",
+ "5h9f",
+ "2ynu",
+ "4b2b",
+ "5pk4",
+ "1e2x",
+ "1ief",
+ "4nbk",
+ "1o8e",
+ "8dl8",
+ "2np8",
+ "7lfc",
+ "4gua",
+ "7ye7",
+ "7thm",
+ "5fpv",
+ "7cbi",
+ "4yf6",
+ "1jgs",
+ "1soz",
+ "7mkp",
+ "3nrm",
+ "5gg6",
+ "1cm2",
+ "6wg5",
+ "3dvw",
+ "1i5x",
+ "1ety",
+ "2g0q",
+ "2wdr",
+ "3dno",
+ "5zfb",
+ "7no9",
+ "4b81",
+ "5wed",
+ "6xt3",
+ "4zlu",
+ "4igv",
+ "4is6",
+ "1z4v",
+ "5eob",
+ "7r6p",
+ "2vwc",
+ "2j5a",
+ "5etp",
+ "6gvg",
+ "1l72",
+ "2pdj",
+ "4ejz",
+ "2gk7",
+ "6ane",
+ "6s0f",
+ "1qhq",
+ "1rv7",
+ "2wmq",
+ "3hjh",
+ "4f52",
+ "6f8v",
+ "1yyn",
+ "1n63",
+ "2fbd",
+ "7k82",
+ "5c9w",
+ "3pa4",
+ "4wn1",
+ "6ox7",
+ "4us7",
+ "7cs1",
+ "2db3",
+ "4fqj",
+ "6mys",
+ "5jfo",
+ "1wij",
+ "6sus",
+ "6rez",
+ "5pq9",
+ "1h19",
+ "6ti7",
+ "6yud",
+ "4lp0",
+ "5vpy",
+ "1qas",
+ "6z8c",
+ "5klu",
+ "8drr",
+ "3m76",
+ "6k0l",
+ "1z37",
+ "5bsw",
+ "1kh9",
+ "5cb7",
+ "3nbs",
+ "4o60",
+ "3ctk",
+ "4zav",
+ "4z44",
+ "4uxs",
+ "4h8x",
+ "7um5",
+ "7jgr",
+ "1rqe",
+ "1lyd",
+ "5c7x",
+ "7nje",
+ "3uvj",
+ "1hwj",
+ "7ls4",
+ "4feq",
+ "7f6q",
+ "7nqm",
+ "3ahw",
+ "1qo6",
+ "7l1x",
+ "1fkv",
+ "4pe2",
+ "7y00",
+ "2wcf",
+ "1jqo",
+ "2jhq",
+ "7n98",
+ "6q3x",
+ "6if6",
+ "7c3b",
+ "3era",
+ "6m9y",
+ "5hyc",
+ "7lvm",
+ "6phc",
+ "1ead",
+ "6shu",
+ "2gkm",
+ "3ctf",
+ "4e5e",
+ "7wj7",
+ "6mkk",
+ "4u5o",
+ "1xsk",
+ "7x3c",
+ "6o2v",
+ "4iwo",
+ "5tv8",
+ "1e7z",
+ "5wak",
+ "3p44",
+ "8e8e",
+ "5u7j",
+ "6w2r",
+ "5fcr",
+ "4xut",
+ "4b97",
+ "3c8j",
+ "6nt6",
+ "2a78",
+ "8dx0",
+ "1koz",
+ "5qo6",
+ "4rlt",
+ "5fp4",
+ "2zp7",
+ "2wsu",
+ "7seh",
+ "3l1y",
+ "7xt9",
+ "2p8v",
+ "3bau",
+ "5lci",
+ "1uh4",
+ "3wyy",
+ "1vif",
+ "5a4g",
+ "7yp5",
+ "2zwt",
+ "6txf",
+ "5uyo",
+ "8ccf",
+ "1mo6",
+ "7fal",
+ "2me7",
+ "4q4t",
+ "4qx8",
+ "6guh",
+ "4ox0",
+ "7s8l",
+ "2ik9",
+ "192l",
+ "2wtj",
+ "5e9q",
+ "5wdj",
+ "6uxg",
+ "2pcf",
+ "1pms",
+ "5x1n",
+ "4fcp",
+ "1pdk",
+ "1yar",
+ "7ocf",
+ "2vwg",
+ "4kjp",
+ "2l0x",
+ "3r35",
+ "6ua2",
+ "3fr1",
+ "8fqz",
+ "5j7c",
+ "3bgb",
+ "1gdj",
+ "1xvl",
+ "5ct2",
+ "6deh",
+ "3flb",
+ "3ja6",
+ "2ln0",
+ "4n41",
+ "7rwb",
+ "1kcf",
+ "4y0k",
+ "5cc9",
+ "4a8e",
+ "6ykk",
+ "1b9p",
+ "1wnv",
+ "2iyi",
+ "6fbi",
+ "4rhe",
+ "4mss",
+ "1n0j",
+ "5lec",
+ "5ra0",
+ "6o80",
+ "1h13",
+ "7zyh",
+ "5ds9",
+ "7kas",
+ "4l8s",
+ "4f2c",
+ "7ver",
+ "2w7h",
+ "5h7s",
+ "1ung",
+ "1ian",
+ "4hva",
+ "7tzi",
+ "5dey",
+ "3mcn",
+ "5rt2",
+ "5jj4",
+ "2l0s",
+ "1r48",
+ "5m9t",
+ "5d6s",
+ "5iag",
+ "8enl",
+ "3kzd",
+ "3sv0",
+ "1eqp",
+ "1a4h",
+ "2jki",
+ "5prz",
+ "2lfl",
+ "6y2w",
+ "2r4v",
+ "5nqt",
+ "2zb0",
+ "1p13",
+ "5gxz",
+ "5fip",
+ "1e65",
+ "6l9l",
+ "3aw6",
+ "5xin",
+ "5ak4",
+ "4q9o",
+ "1ify",
+ "1qrd",
+ "7dxh",
+ "1vmc",
+ "7sz9",
+ "4k33",
+ "7o2s",
+ "1k42",
+ "5u0z",
+ "4fms",
+ "3vd1",
+ "6pri",
+ "5tnt",
+ "1v18",
+ "1kme",
+ "2fgi",
+ "5gma",
+ "7z1j",
+ "6hcz",
+ "6jq2",
+ "5fnu",
+ "7jsi",
+ "7qpn",
+ "6rk2",
+ "1xrc",
+ "6oc6",
+ "6zb8",
+ "1bht",
+ "2ljz",
+ "4lo1",
+ "6vab",
+ "1xza",
+ "6yns",
+ "3rmy",
+ "5d26",
+ "1pfm",
+ "8dk2",
+ "6xoo",
+ "5d1y",
+ "6ssc",
+ "6wfl",
+ "6nll",
+ "3p65",
+ "6ri3",
+ "3fnm",
+ "6rci",
+ "5aa5",
+ "7np1",
+ "6isi",
+ "4pp8",
+ "4usd",
+ "5cuq",
+ "6v1m",
+ "4i8l",
+ "1kg1",
+ "5ij2",
+ "2luz",
+ "1raa",
+ "4rl9",
+ "5mey",
+ "1u5t",
+ "7n2q",
+ "2hv4",
+ "5sp4",
+ "1rtt",
+ "4yan",
+ "5loj",
+ "2qge",
+ "7vag",
+ "7rbx",
+ "5esf",
+ "1kz0",
+ "2xoy",
+ "3d4u",
+ "6f2y",
+ "5cqh",
+ "2xvd",
+ "6aee",
+ "4pfh",
+ "6hw3",
+ "1zpu",
+ "4qy8",
+ "6piy",
+ "6ham",
+ "6iqx",
+ "4c77",
+ "7bd2",
+ "4l5u",
+ "3d0h",
+ "2orq",
+ "2v4d",
+ "5aap",
+ "4ia6",
+ "1hre",
+ "2ynm",
+ "3a25",
+ "2aeq",
+ "6gjz",
+ "8a0k",
+ "2n4x",
+ "3i97",
+ "4dpw",
+ "1pwa",
+ "4gcd",
+ "1qq5",
+ "3p8b",
+ "4n88",
+ "2m7m",
+ "1y00",
+ "2xrx",
+ "1wuq",
+ "1bpr",
+ "2nms",
+ "2y04",
+ "6gvj",
+ "2b9x",
+ "2woe",
+ "1aan",
+ "6ojc",
+ "2fkj",
+ "2r7j",
+ "2waj",
+ "6raw",
+ "2pwv",
+ "2nbd",
+ "5k3d",
+ "6pqs",
+ "8fis",
+ "1e2j",
+ "7kat",
+ "5u6v",
+ "1gbv",
+ "4c9n",
+ "2mj6",
+ "2ptd",
+ "2jga",
+ "6b8u",
+ "5t1i",
+ "3qqo",
+ "4fp2",
+ "5kep",
+ "1w4q",
+ "5vin",
+ "2jpl",
+ "1scb",
+ "7qz2",
+ "6szq",
+ "4rfe",
+ "3nrr",
+ "5wdx",
+ "4wh8",
+ "4irn",
+ "6ggn",
+ "3pc3",
+ "6evq",
+ "2lug",
+ "4h24",
+ "7mqx",
+ "3m5n",
+ "4h3p",
+ "2wjf",
+ "3ny0",
+ "6khd",
+ "1tah",
+ "7xza",
+ "6ud2",
+ "2c9o",
+ "1zz9",
+ "4x0m",
+ "4iw6",
+ "6o48",
+ "6yeo",
+ "6ow4",
+ "5ia4",
+ "5kda",
+ "2kls",
+ "8a59",
+ "4r09",
+ "5e9e",
+ "5pga",
+ "1ifj",
+ "2npc",
+ "6tm9",
+ "4ak1",
+ "6n6r",
+ "3sh3",
+ "6m3p",
+ "3vnl",
+ "4z3y",
+ "5abv",
+ "3d41",
+ "3r6q",
+ "3d6d",
+ "7eob",
+ "4r8y",
+ "3d3x",
+ "8h2j",
+ "2yje",
+ "3nc7",
+ "5w70",
+ "6ev7",
+ "4d5g",
+ "1c2l",
+ "6ffa",
+ "2qm7",
+ "5cxm",
+ "2q8g",
+ "5cw6",
+ "7f07",
+ "5j99",
+ "2lmg",
+ "1anb",
+ "7ydx",
+ "6psn",
+ "4y80",
+ "5qd5",
+ "3re7",
+ "7nf7",
+ "5lsg",
+ "6vvz",
+ "3tty",
+ "6btx",
+ "3dr4",
+ "1mp0",
+ "1i6g",
+ "2xb5",
+ "5ouh",
+ "2kzs",
+ "6ljv",
+ "5nxi",
+ "1crn",
+ "4pwb",
+ "4naa",
+ "1rfp",
+ "2f8e",
+ "3ix8",
+ "2r6p",
+ "2n5s",
+ "6vya",
+ "6vx6",
+ "7d7s",
+ "1zhp",
+ "3rjd",
+ "4ejn",
+ "6k5g",
+ "1mnl",
+ "4bhc",
+ "1yjp",
+ "4xcd",
+ "7spp",
+ "6dr3",
+ "6ylr",
+ "3bkr",
+ "6hch",
+ "4aac",
+ "6ipq",
+ "2gg4",
+ "2ot0",
+ "1zut",
+ "7b37",
+ "6k2l",
+ "5v1v",
+ "3om7",
+ "8aw6",
+ "2lam",
+ "6s9q",
+ "6g8d",
+ "4aio",
+ "7tj0",
+ "3fve",
+ "6xw9",
+ "6t68",
+ "2noj",
+ "1qk5",
+ "6gh5",
+ "3mx4",
+ "1i4h",
+ "1yzz",
+ "4pir",
+ "4c2d",
+ "5igv",
+ "7s0u",
+ "1gvi",
+ "2rcf",
+ "4oz0",
+ "3sih",
+ "2rre",
+ "2a29",
+ "1k1y",
+ "1aw9",
+ "2lwy",
+ "4uau",
+ "4a23",
+ "3huk",
+ "3ewz",
+ "6n3q",
+ "7acx",
+ "6shw",
+ "4kz4",
+ "4ads",
+ "3j3x",
+ "5ovv",
+ "4zzf",
+ "5i4c",
+ "3zyi",
+ "1ezc",
+ "1lpe",
+ "6jah",
+ "5al1",
+ "6ufd",
+ "6fr5",
+ "6vuf",
+ "4zay",
+ "2upj",
+ "1m6n",
+ "6bjk",
+ "4dns",
+ "3e45",
+ "5nmr",
+ "5qdi",
+ "3t6g",
+ "2pc5",
+ "6kzk",
+ "2ypu",
+ "2w04",
+ "7x9b",
+ "7eyo",
+ "1szf",
+ "8h8j",
+ "4tqn",
+ "3buy",
+ "1z29",
+ "6of2",
+ "4bwv",
+ "2b9a",
+ "7fam",
+ "2vwl",
+ "4ke9",
+ "2naf",
+ "5dgh",
+ "7cg3",
+ "5ao5",
+ "5t8u",
+ "4o45",
+ "4hg4",
+ "6fjn",
+ "5bum",
+ "3nr8",
+ "1se2",
+ "4yst",
+ "4f1s",
+ "3tcj",
+ "1r9o",
+ "3fqy",
+ "4a6k",
+ "6ika",
+ "2yoy",
+ "5xlw",
+ "1bk9",
+ "5dua",
+ "1kez",
+ "5vaw",
+ "4pef",
+ "2d3d",
+ "6u1v",
+ "6xid",
+ "7kdf",
+ "7bkc",
+ "1h2c",
+ "6ngy",
+ "1gi1",
+ "6ohs",
+ "7ya1",
+ "7e40",
+ "5k53",
+ "1q9g",
+ "6zkw",
+ "4h3h",
+ "1id0",
+ "8dyn",
+ "7lu5",
+ "3m37",
+ "2z2u",
+ "4yo9",
+ "4ty9",
+ "3e17",
+ "5mx4",
+ "1o5x",
+ "5c7e",
+ "3hj1",
+ "2ggv",
+ "2kmo",
+ "3c2h",
+ "7xbg",
+ "5oh4",
+ "1sy9",
+ "3c7l",
+ "6mlu",
+ "4dji",
+ "3t2w",
+ "2f2x",
+ "4i2s",
+ "4ucp",
+ "1z0g",
+ "5s42",
+ "6wig",
+ "2k8q",
+ "4zfk",
+ "7pbp",
+ "4wr3",
+ "1tnw",
+ "5w4s",
+ "4b15",
+ "3io5",
+ "4lp7",
+ "4k7n",
+ "3axw",
+ "2mfq",
+ "7b6r",
+ "6w4p",
+ "2bf8",
+ "2wr1",
+ "8bny",
+ "1zmf",
+ "1lwh",
+ "7asz",
+ "8f4z",
+ "6sat",
+ "3khq",
+ "3vho",
+ "5xd7",
+ "4dr9",
+ "5z2w",
+ "5ajy",
+ "3kdh",
+ "1w8x",
+ "4r4f",
+ "5mbk",
+ "6qwu",
+ "1r44",
+ "1dkz",
+ "6srn",
+ "3odr",
+ "3oqv",
+ "1llo",
+ "6q4d",
+ "6w6x",
+ "1ow0",
+ "5buk",
+ "7k6h",
+ "7er3",
+ "8an6",
+ "8db2",
+ "4x6u",
+ "5fog",
+ "5fdz",
+ "1rd4",
+ "6fg6",
+ "1bl8",
+ "2e7d",
+ "5lsc",
+ "3h9d",
+ "5pm9",
+ "5a4w",
+ "3nxb",
+ "3zzr",
+ "3n7s",
+ "5trr",
+ "4azk",
+ "2iy1",
+ "2aes",
+ "1cjq",
+ "7mee",
+ "7lm7",
+ "5vx3",
+ "3po8",
+ "1aux",
+ "2mtg",
+ "4afv",
+ "2rqp",
+ "5wc2",
+ "7qy5",
+ "3wpb",
+ "5rlv",
+ "2g4x",
+ "6lj1",
+ "2qzh",
+ "5f5q",
+ "1d0l",
+ "5hml",
+ "4b83",
+ "5qyl",
+ "7aaa",
+ "7p1c",
+ "7p4v",
+ "2w0t",
+ "6avg",
+ "6vfq",
+ "3i60",
+ "2bnm",
+ "2xcu",
+ "3naz",
+ "2xrl",
+ "6i7i",
+ "6c9h",
+ "3vus",
+ "5nkf",
+ "4ita",
+ "3tdo",
+ "7zmz",
+ "2mea",
+ "4a97",
+ "6gh3",
+ "7snd",
+ "1fo9",
+ "2wmz",
+ "7ckx",
+ "5oel",
+ "2b2j",
+ "3bvb",
+ "4gop",
+ "2z5r",
+ "7bh9",
+ "1fh1",
+ "5n85",
+ "2fae",
+ "4hmq",
+ "4zus",
+ "7fl9",
+ "2a31",
+ "5d1u",
+ "1nsh",
+ "5a82",
+ "5tv5",
+ "3s0h",
+ "8d3u",
+ "7t7i",
+ "3kxi",
+ "1vtx",
+ "1m8f",
+ "1scj",
+ "2h9c",
+ "5hkh",
+ "6bpl",
+ "5a06",
+ "6stb",
+ "8b0u",
+ "6e6b",
+ "2fw3",
+ "3kef",
+ "2pxd",
+ "4drh",
+ "2w4u",
+ "6cg2",
+ "5v89",
+ "3qvg",
+ "2p33",
+ "1w4t",
+ "4zgk",
+ "5uox",
+ "5xw7",
+ "1u2p",
+ "4bt7",
+ "6slf",
+ "2xpy",
+ "6hhp",
+ "1eaa",
+ "1xba",
+ "2ofp",
+ "5wam",
+ "7cde",
+ "7plp",
+ "1g6y",
+ "6pbz",
+ "4ptc",
+ "2m6x",
+ "7kp3",
+ "1c45",
+ "1buy",
+ "2vgb",
+ "7jya",
+ "1jvj",
+ "3o4z",
+ "5c1h",
+ "7rvp",
+ "7x47",
+ "3mjs",
+ "2vfi",
+ "1xoq",
+ "4d2d",
+ "7z53",
+ "3k4k",
+ "7fpe",
+ "4oev",
+ "5ikp",
+ "2gem",
+ "4moo",
+ "2f9j",
+ "4ela",
+ "4un1",
+ "3e7i",
+ "5kqj",
+ "6m79",
+ "4p0w",
+ "5ye2",
+ "5mji",
+ "4yvg",
+ "7aln",
+ "4i7h",
+ "1naz",
+ "3ee6",
+ "3rgo",
+ "1v07",
+ "1b8x",
+ "7lgb",
+ "5vx6",
+ "5kfo",
+ "7wbl",
+ "6u3p",
+ "3s0f",
+ "6zje",
+ "5jed",
+ "4drn",
+ "7u7i",
+ "3rvs",
+ "2vl4",
+ "5gn8",
+ "5pk9",
+ "5nf2",
+ "5nct",
+ "6gf6",
+ "1r6e",
+ "5yrn",
+ "7a23",
+ "4c7b",
+ "5kbw",
+ "4qc6",
+ "7cn7",
+ "2x80",
+ "7liq",
+ "2vse",
+ "6v1y",
+ "3lud",
+ "7jzv",
+ "6xy9",
+ "7bk3",
+ "4am5",
+ "7koq",
+ "3ftv",
+ "3g00",
+ "5iy0",
+ "2gcp",
+ "6gj1",
+ "3sd5",
+ "5x0q",
+ "5sar",
+ "5kxo",
+ "7l0e",
+ "6sgo",
+ "7rtj",
+ "1ahl",
+ "3jzs",
+ "3wpe",
+ "2nrt",
+ "6ar2",
+ "6wpz",
+ "3m17",
+ "2qhd",
+ "3oqn",
+ "7ugq",
+ "3gsl",
+ "6jav",
+ "2mor",
+ "4bxw",
+ "1g1k",
+ "1url",
+ "2jcl",
+ "7o2c",
+ "5f1k",
+ "7on3",
+ "5phn",
+ "2raj",
+ "5eaj",
+ "2afo",
+ "2ak5",
+ "3o3c",
+ "5rfw",
+ "6uks",
+ "3eig",
+ "6etk",
+ "6n1y",
+ "2j92",
+ "1mzl",
+ "1qh8",
+ "4ip9",
+ "6wup",
+ "2fzz",
+ "4dpq",
+ "8djt",
+ "6ukw",
+ "1mdq",
+ "8ax6",
+ "2vf2",
+ "4xdr",
+ "2xog",
+ "7vzm",
+ "5o3l",
+ "7rou",
+ "4m41",
+ "1xx8",
+ "7o46",
+ "5dqz",
+ "3gha",
+ "7mcq",
+ "3zia",
+ "4u2d",
+ "8e5s",
+ "5cce",
+ "5ovm",
+ "1ir0",
+ "6zcl",
+ "7r87",
+ "6ibz",
+ "3sbm",
+ "1zed",
+ "2baf",
+ "5afo",
+ "4fov",
+ "7kcw",
+ "2ljh",
+ "6hwe",
+ "6c70",
+ "2v0c",
+ "6zkr",
+ "4dgi",
+ "2d4v",
+ "3bl6",
+ "1gwm",
+ "5oqr",
+ "6p3h",
+ "1bu5",
+ "6k1c",
+ "1l4d",
+ "5rmf",
+ "6jyk",
+ "2o4v",
+ "3epi",
+ "4iie",
+ "4p3o",
+ "5hqp",
+ "1ob3",
+ "7nl7",
+ "1seb",
+ "7w8s",
+ "3n2t",
+ "1a4u",
+ "1sze",
+ "6hvm",
+ "1w1d",
+ "3rhp",
+ "1zgb",
+ "11as",
+ "4jvr",
+ "4j6l",
+ "6g8i",
+ "3pil",
+ "4xdt",
+ "4mok",
+ "2y4j",
+ "1cky",
+ "1akp",
+ "7zf3",
+ "5p5k",
+ "4dvw",
+ "6xav",
+ "5xx2",
+ "3mus",
+ "6xys",
+ "8cye",
+ "7ky2",
+ "6j08",
+ "7sb2",
+ "6h3a",
+ "2pia",
+ "4ber",
+ "5uga",
+ "6s0p",
+ "2goo",
+ "6m7k",
+ "4xd0",
+ "5fyp",
+ "5msz",
+ "6s6a",
+ "2on5",
+ "6blx",
+ "2zso",
+ "1h2y",
+ "3twm",
+ "3mv8",
+ "6lhj",
+ "6mkf",
+ "4cv0",
+ "1qyx",
+ "5psx",
+ "7foa",
+ "6s7k",
+ "1h9x",
+ "3jb4",
+ "6avl",
+ "4i6j",
+ "2vdn",
+ "3gbn",
+ "6hc3",
+ "2kqr",
+ "4h96",
+ "3hk2",
+ "7oga",
+ "6q63",
+ "4hsr",
+ "5dbi",
+ "3dga",
+ "3v03",
+ "6iuy",
+ "1u4j",
+ "1qau",
+ "4gep",
+ "4gz5",
+ "4jnj",
+ "1xyk",
+ "2lna",
+ "1m1l",
+ "5if1",
+ "3bnz",
+ "7d84",
+ "5yl2",
+ "4ade",
+ "7nn3",
+ "2m6t",
+ "4c3f",
+ "6cyi",
+ "1d2w",
+ "5g54",
+ "1kzq",
+ "4ob6",
+ "1g5v",
+ "6qam",
+ "6vro",
+ "3qzr",
+ "3km5",
+ "4mhu",
+ "2nlx",
+ "4qfo",
+ "2wc6",
+ "1sjw",
+ "3rvp",
+ "1bhj",
+ "5ovl",
+ "6fb4",
+ "1ecw",
+ "2hve",
+ "5a9g",
+ "1j35",
+ "6tjp",
+ "6w83",
+ "5yiv",
+ "1gqw",
+ "7uxo",
+ "5yu9",
+ "5uj1",
+ "4rrt",
+ "4red",
+ "3uyp",
+ "1h05",
+ "6dik",
+ "3q82",
+ "1nfj",
+ "2a3m",
+ "6oq9",
+ "1qt6",
+ "6cqe",
+ "4p44",
+ "2dpm",
+ "1l9v",
+ "5v38",
+ "2xft",
+ "3zx8",
+ "1q6c",
+ "7b86",
+ "7qwg",
+ "4h4k",
+ "7vmc",
+ "5zm3",
+ "5alw",
+ "5z5e",
+ "2gjf",
+ "3sqw",
+ "2mvm",
+ "4tnc",
+ "6q5t",
+ "7rmz",
+ "6wkj",
+ "2zr0",
+ "1cjm",
+ "3ayf",
+ "1mlb",
+ "7d4s",
+ "6znr",
+ "5fue",
+ "1nw4",
+ "6hbl",
+ "4p24",
+ "7sjk",
+ "1w0b",
+ "1k97",
+ "6k7w",
+ "4x1x",
+ "7ph7",
+ "2n5h",
+ "2bec",
+ "4lg8",
+ "7ddr",
+ "4jtw",
+ "2clv",
+ "6ifu",
+ "2x70",
+ "2fw9",
+ "5wra",
+ "3w12",
+ "7fqq",
+ "4dx1",
+ "6ob7",
+ "6wz2",
+ "5hgb",
+ "6jey",
+ "6s73",
+ "6fe2",
+ "7ozu",
+ "1iro",
+ "6t0w",
+ "2vmc",
+ "4p2v",
+ "3tdn",
+ "2zx0",
+ "6gzv",
+ "2ruz",
+ "3fst",
+ "1klt",
+ "4hex",
+ "3h10",
+ "2qv3",
+ "5eay",
+ "2i1j",
+ "3mr3",
+ "3to4",
+ "7q9n",
+ "6cg7",
+ "7jhn",
+ "6leh",
+ "4jog",
+ "4f9w",
+ "2vcg",
+ "6cvk",
+ "5l5d",
+ "7ao9",
+ "7tki",
+ "7wc6",
+ "3pn6",
+ "6z38",
+ "3k1b",
+ "5hyt",
+ "6ck1",
+ "5f9x",
+ "7que",
+ "5gn5",
+ "6d7v",
+ "7qd5",
+ "6e0x",
+ "4r1e",
+ "3c10",
+ "6jln",
+ "5cfw",
+ "5kxw",
+ "1s3s",
+ "1m2t",
+ "7yie",
+ "1eii",
+ "2k9a",
+ "5g52",
+ "5mcp",
+ "4j6d",
+ "6qgq",
+ "2naj",
+ "7vym",
+ "6smo",
+ "6uiz",
+ "2vk1",
+ "7ell",
+ "6c0r",
+ "7azl",
+ "4bro",
+ "4arf",
+ "4p47",
+ "1ahj",
+ "3sdq",
+ "3w8z",
+ "6x0n",
+ "5oa9",
+ "2io6",
+ "3kn5",
+ "6euv",
+ "2rg7",
+ "4u2z",
+ "4aqf",
+ "1de5",
+ "1q3b",
+ "7xta",
+ "2wlo",
+ "2o6x",
+ "4r37",
+ "8c7h",
+ "3lbh",
+ "5ebl",
+ "6xoh",
+ "5f1s",
+ "3v8z",
+ "5hkd",
+ "5yde",
+ "5z53",
+ "3wiz",
+ "5ji3",
+ "6w9u",
+ "2l85",
+ "7bcr",
+ "4dm6",
+ "3l94",
+ "5xkt",
+ "7t2h",
+ "7eo8",
+ "3fze",
+ "5xsi",
+ "2bdj",
+ "5ecq",
+ "2acz",
+ "4m0d",
+ "1i1z",
+ "6bc4",
+ "4r7p",
+ "6bu7",
+ "5bu4",
+ "7zcg",
+ "3vvc",
+ "3m4u",
+ "4he8",
+ "1t12",
+ "7k2m",
+ "2ygb",
+ "1t7t",
+ "3phw",
+ "3uds",
+ "2c7z",
+ "3oab",
+ "3gm0",
+ "4ooq",
+ "5mvh",
+ "1e9m",
+ "4hvx",
+ "1z45",
+ "4xek",
+ "7kh9",
+ "1f2j",
+ "1fdy",
+ "7kzz",
+ "1m9u",
+ "1jou",
+ "5qg4",
+ "4ii2",
+ "3ciq",
+ "3bba",
+ "6q23",
+ "7b0g",
+ "2uuq",
+ "7dbh",
+ "6w3y",
+ "3qjv",
+ "4ixp",
+ "5azt",
+ "3qaa",
+ "4xrg",
+ "5ev1",
+ "1g1u",
+ "1xen",
+ "4a54",
+ "4r5n",
+ "2uym",
+ "6t2y",
+ "3umo",
+ "4lma",
+ "3apd",
+ "3uov",
+ "7oji",
+ "2r6c",
+ "5p2x",
+ "4nht",
+ "7vef",
+ "4jaj",
+ "2fcr",
+ "3pgm",
+ "3lrh",
+ "1hf2",
+ "3sq3",
+ "2xb1",
+ "3jt8",
+ "1mq0",
+ "5spx",
+ "3ixk",
+ "5ydy",
+ "2frf",
+ "5kr9",
+ "4br5",
+ "6reh",
+ "2guo",
+ "1ijn",
+ "6bjn",
+ "4x6j",
+ "6fg9",
+ "5xyp",
+ "7erh",
+ "2ffz",
+ "5o14",
+ "3dj4",
+ "1qry",
+ "4zjf",
+ "7fqx",
+ "4qg1",
+ "2e24",
+ "2nyr",
+ "5fe8",
+ "3ahp",
+ "6xpe",
+ "6c8f",
+ "7w74",
+ "4hwj",
+ "6rho",
+ "5ioi",
+ "4bv3",
+ "4d8b",
+ "4z4f",
+ "7xjg",
+ "3l3u",
+ "4k3q",
+ "4rra",
+ "6qme",
+ "6gdw",
+ "2yk0",
+ "4az1",
+ "2mtq",
+ "4ufy",
+ "5xmq",
+ "5kac",
+ "2lqi",
+ "6s3t",
+ "1z36",
+ "6u05",
+ "6wkz",
+ "1e00",
+ "3g6g",
+ "6b3v",
+ "3o3g",
+ "1vxg",
+ "2anv",
+ "4ee1",
+ "6l86",
+ "1tas",
+ "5i66",
+ "1jjg",
+ "4p2x",
+ "8cev",
+ "5g68",
+ "6wtv",
+ "6aqr",
+ "4ng4",
+ "7cic",
+ "4bjk",
+ "6ye8",
+ "6fmo",
+ "3qzq",
+ "3fnv",
+ "4yf9",
+ "1c93",
+ "6lu1",
+ "1ymn",
+ "6qo4",
+ "6t05",
+ "6vvm",
+ "6ud3",
+ "3pdo",
+ "3q96",
+ "1quv",
+ "7scf",
+ "6lzo",
+ "6htp",
+ "1zvb",
+ "2pbi",
+ "2zu0",
+ "6ox0",
+ "5l1f",
+ "7u7n",
+ "1m2k",
+ "4ppg",
+ "5cta",
+ "4bnc",
+ "7b05",
+ "1sem",
+ "7oh1",
+ "1h5m",
+ "5lb2",
+ "1lo8",
+ "1i6q",
+ "3d2u",
+ "5dk2",
+ "6i5a",
+ "5b73",
+ "1jth",
+ "1ms0",
+ "3jsc",
+ "6ydz",
+ "6oz5",
+ "4co5",
+ "6xm9",
+ "5xlb",
+ "6b8f",
+ "5ivq",
+ "5a69",
+ "1sym",
+ "6pj2",
+ "5p0z",
+ "5lns",
+ "3h4p",
+ "4xcu",
+ "6qp0",
+ "3utq",
+ "2jdp",
+ "7qmz",
+ "2xg3",
+ "5u1a",
+ "1w1u",
+ "1b0c",
+ "1gh0",
+ "4xsc",
+ "6j0e",
+ "2f6d",
+ "6hek",
+ "4uo5",
+ "5wpw",
+ "1spi",
+ "4dk3",
+ "7n43",
+ "6se1",
+ "6pd0",
+ "2xpx",
+ "5v8l",
+ "4c1k",
+ "5jur",
+ "7lnj",
+ "4isz",
+ "4x9r",
+ "5avc",
+ "2kwa",
+ "6woh",
+ "2h0p",
+ "5fpd",
+ "1ac1",
+ "6o5a",
+ "2gwh",
+ "4s0v",
+ "2j25",
+ "3o8h",
+ "4m4y",
+ "5k70",
+ "4g4e",
+ "1ix4",
+ "7m0s",
+ "7mtt",
+ "7dme",
+ "5y14",
+ "5gvs",
+ "4d0c",
+ "7fla",
+ "3t0k",
+ "1ysy",
+ "2qdo",
+ "6oau",
+ "3we3",
+ "2gh7",
+ "6t31",
+ "1ps2",
+ "4j0c",
+ "7pc7",
+ "4cyc",
+ "4lyx",
+ "2r59",
+ "1b2p",
+ "3pty",
+ "6nnt",
+ "1f0u",
+ "7uoe",
+ "7qju",
+ "2h07",
+ "1mn6",
+ "5ap9",
+ "4kqe",
+ "7e8o",
+ "5uei",
+ "6wfg",
+ "3s2u",
+ "6kru",
+ "3da0",
+ "4o8a",
+ "1zat",
+ "3lhw",
+ "7lbs",
+ "3hne",
+ "6unh",
+ "4z2y",
+ "6j0b",
+ "7zv8",
+ "3gh3",
+ "6bmi",
+ "5n27",
+ "7msg",
+ "2wc8",
+ "7nqe",
+ "1qu1",
+ "3dcw",
+ "6gxv",
+ "1bjc",
+ "1ucg",
+ "7nza",
+ "2xxl",
+ "5zjm",
+ "3sm4",
+ "5wbf",
+ "1yub",
+ "2d00",
+ "1q2f",
+ "7prn",
+ "7l29",
+ "7ocm",
+ "5zt3",
+ "2kbf",
+ "4o95",
+ "6z9r",
+ "3axg",
+ "7cmd",
+ "6hhx",
+ "5grg",
+ "3k34",
+ "2eqd",
+ "5w78",
+ "2g69",
+ "3r3w",
+ "3g38",
+ "4hrh",
+ "3sq5",
+ "6uex",
+ "7jir",
+ "6nh6",
+ "1ods",
+ "6mk2",
+ "2ka2",
+ "6grt",
+ "3rnb",
+ "1zgn",
+ "6rn5",
+ "2uzx",
+ "5xup",
+ "4jpa",
+ "5akt",
+ "6mjs",
+ "3ty8",
+ "2bur",
+ "3m5g",
+ "6jyj",
+ "8gpv",
+ "1r9j",
+ "7cdg",
+ "3cza",
+ "1s3f",
+ "7nkz",
+ "5l8n",
+ "1oba",
+ "6fnk",
+ "2bv4",
+ "7aq7",
+ "2orp",
+ "4j02",
+ "2rk1",
+ "3o44",
+ "3uqp",
+ "5kr2",
+ "3zju",
+ "1e97",
+ "1qhv",
+ "4x1h",
+ "7n5m",
+ "1qfh",
+ "2ew5",
+ "2voc",
+ "5dkl",
+ "4cy3",
+ "2xnu",
+ "7s75",
+ "1wzg",
+ "5wj1",
+ "6ykf",
+ "4bpd",
+ "7s5y",
+ "5yt2",
+ "2g3x",
+ "4y5s",
+ "3p6b",
+ "2kfj",
+ "2o4k",
+ "1joc",
+ "4xy2",
+ "1abr",
+ "2xc9",
+ "6tcn",
+ "1k9d",
+ "2nz0",
+ "7oo5",
+ "6mi3",
+ "6yvf",
+ "5wxi",
+ "1pef",
+ "1aol",
+ "8dr4",
+ "2djw",
+ "1ef7",
+ "2b2g",
+ "2v5e",
+ "5rfp",
+ "5z79",
+ "5rdf",
+ "2vf3",
+ "2zeb",
+ "4c5u",
+ "3iky",
+ "5cw3",
+ "6g96",
+ "6ccb",
+ "6nwu",
+ "7zf5",
+ "1rm6",
+ "5iyu",
+ "3l2p",
+ "3pov",
+ "6sij",
+ "6pcl",
+ "2ju2",
+ "5txm",
+ "4pp6",
+ "7f0m",
+ "3ltb",
+ "5g2a",
+ "2ejg",
+ "5abz",
+ "6gx9",
+ "4yab",
+ "3coh",
+ "2bzf",
+ "1r80",
+ "7liy",
+ "4p3r",
+ "2in9",
+ "1gny",
+ "3nh6",
+ "5nr6",
+ "5xxy",
+ "3ljb",
+ "5bsh",
+ "7z11",
+ "1jjd",
+ "1k4v",
+ "3kg1",
+ "6msl",
+ "6vgb",
+ "1e6l",
+ "5mc4",
+ "6c6k",
+ "3hm9",
+ "7f2g",
+ "4de7",
+ "7pyn",
+ "7eqw",
+ "1c1z",
+ "1ipc",
+ "6e7k",
+ "6ku3",
+ "5i2a",
+ "6dpr",
+ "5a6i",
+ "1g7w",
+ "6j1f",
+ "1knv",
+ "1alc",
+ "2ec0",
+ "3ewe",
+ "1vbz",
+ "2r4r",
+ "1c1t",
+ "6fk5",
+ "1lr4",
+ "5e34",
+ "5zul",
+ "6t08",
+ "4xiy",
+ "3iti",
+ "6mho",
+ "7wwa",
+ "3zzl",
+ "6hjc",
+ "4d08",
+ "4jc3",
+ "2k7w",
+ "2znb",
+ "5zya",
+ "1hz8",
+ "7abv",
+ "3unn",
+ "3qjt",
+ "3l91",
+ "6goi",
+ "4xs3",
+ "6rbl",
+ "2lxb",
+ "3zdh",
+ "4jlp",
+ "4j0m",
+ "2d58",
+ "7e6z",
+ "3wch",
+ "4u0d",
+ "5d45",
+ "5z1t",
+ "3zm9",
+ "7lhc",
+ "2y51",
+ "1n9n",
+ "7te3",
+ "3o3n",
+ "1ieh",
+ "3sor",
+ "7u1s",
+ "5sp6",
+ "5pk7",
+ "1h80",
+ "2aqi",
+ "8e19",
+ "5ros",
+ "8d3m",
+ "1uzl",
+ "6y6q",
+ "6m7c",
+ "3q7k",
+ "4wrw",
+ "6ye0",
+ "1uha",
+ "5afp",
+ "2aj0",
+ "5nck",
+ "3vvx",
+ "3a0d",
+ "7eie",
+ "6c6r",
+ "2qbr",
+ "5wc6",
+ "7vpq",
+ "6t0p",
+ "1rxj",
+ "2wwu",
+ "7tl2",
+ "3mm9",
+ "1gm2",
+ "5m34",
+ "2y4t",
+ "5fi0",
+ "6wod",
+ "4q79",
+ "4ozw",
+ "1ikg",
+ "1vbx",
+ "4mi7",
+ "1qa3",
+ "4p5n",
+ "2wtw",
+ "1jix",
+ "1yan",
+ "5o04",
+ "1r69",
+ "6t3e",
+ "1hjq",
+ "7pr0",
+ "5da5",
+ "1occ",
+ "1zrs",
+ "4whv",
+ "6ff5",
+ "2pvg",
+ "4nfa",
+ "5zql",
+ "1o2r",
+ "6wq7",
+ "4lmb",
+ "2qe2",
+ "7bfp",
+ "4opi",
+ "2nqu",
+ "4r7d",
+ "5m1p",
+ "1qdw",
+ "3w9r",
+ "6ddo",
+ "2q5d",
+ "2rc7",
+ "4l0p",
+ "7ncd",
+ "3ikf",
+ "8c7k",
+ "7sel",
+ "4xhq",
+ "6cqz",
+ "4ixm",
+ "4cdn",
+ "1dfk",
+ "4lxk",
+ "1ah1",
+ "7mwi",
+ "7so0",
+ "3dkn",
+ "3zvc",
+ "7jy8",
+ "2x3h",
+ "7n5j",
+ "1k9s",
+ "5duu",
+ "1cjs",
+ "6hnw",
+ "7vsc",
+ "4n4j",
+ "1di8",
+ "6amr",
+ "3fja",
+ "4y4g",
+ "6olq",
+ "7o3b",
+ "1ykp",
+ "6u68",
+ "6y4n",
+ "4ash",
+ "4byf",
+ "3m7r",
+ "6m5g",
+ "3eyo",
+ "7rd0",
+ "5jsf",
+ "1y3q",
+ "4e2o",
+ "2eff",
+ "1m1p",
+ "7n1d",
+ "5j0c",
+ "5ue5",
+ "6y1w",
+ "3vsr",
+ "8f06",
+ "1cj0",
+ "2fdj",
+ "4n7h",
+ "5bpq",
+ "2ox9",
+ "5dur",
+ "7btx",
+ "1ww6",
+ "2vg6",
+ "7drt",
+ "1igp",
+ "7rfi",
+ "4tpw",
+ "5zwf",
+ "3wqn",
+ "6b5h",
+ "2xg7",
+ "7nk4",
+ "1dmc",
+ "3lzs",
+ "8bjn",
+ "5nbc",
+ "6re4",
+ "7jqg",
+ "3por",
+ "7ua2",
+ "5bwb",
+ "1go4",
+ "5v5z",
+ "4cl1",
+ "6v5b",
+ "1r8j",
+ "7ont",
+ "1qfz",
+ "4u61",
+ "4lgh",
+ "5hiu",
+ "4we1",
+ "2e80",
+ "6ny4",
+ "6zzp",
+ "4mrd",
+ "8dqp",
+ "2jkp",
+ "3h66",
+ "7f4d",
+ "1zd1",
+ "3hb0",
+ "5h7c",
+ "5r87",
+ "4pbt",
+ "8app",
+ "4c1l",
+ "1x7b",
+ "8b58",
+ "5mc1",
+ "3pkm",
+ "3lv5",
+ "4gng",
+ "6dou",
+ "6zzl",
+ "7e0e",
+ "5lxa",
+ "1wja",
+ "1p7n",
+ "4jla",
+ "1rnl",
+ "4cyl",
+ "1ljl",
+ "6z87",
+ "3zt9",
+ "2hnq",
+ "1x55",
+ "5o4v",
+ "7cdf",
+ "7mzx",
+ "1iy2",
+ "1ye1",
+ "1s1y",
+ "5j4a",
+ "3h5u",
+ "7xtu",
+ "3a4z",
+ "3vid",
+ "5zdb",
+ "7jmu",
+ "3vws",
+ "6w0f",
+ "2m1c",
+ "1i0a",
+ "5oc2",
+ "2r2v",
+ "6fd6",
+ "7jm5",
+ "5jeb",
+ "2q5a",
+ "5ti0",
+ "1td7",
+ "3spw",
+ "7kor",
+ "6i98",
+ "3k4d",
+ "1b65",
+ "1ffp",
+ "1cjk",
+ "6wzo",
+ "1mx6",
+ "8hbe",
+ "6qeb",
+ "6w1e",
+ "5hub",
+ "4rni",
+ "7tn9",
+ "5gmh",
+ "3e27",
+ "1abt",
+ "1zva",
+ "4otr",
+ "5c0n",
+ "6e47",
+ "5k07",
+ "2bib",
+ "1x7h",
+ "5us6",
+ "4mg3",
+ "7pqg",
+ "6obr",
+ "6atd",
+ "7adk",
+ "7o6d",
+ "3isp",
+ "1vfq",
+ "4dta",
+ "3i06",
+ "5he5",
+ "4e1i",
+ "4qkn",
+ "3hjm",
+ "2bwp",
+ "4rj6",
+ "1heu",
+ "1nd9",
+ "6kse",
+ "2wn3",
+ "4wdz",
+ "1akr",
+ "3l6h",
+ "4dtr",
+ "1df7",
+ "5gmb",
+ "3dvm",
+ "3pse",
+ "2aod",
+ "3td6",
+ "1jl9",
+ "3gh7",
+ "3tne",
+ "4mex",
+ "7yhq",
+ "5z7w",
+ "4cpk",
+ "5iha",
+ "1p4l",
+ "3h6q",
+ "7pm6",
+ "7kw1",
+ "7eio",
+ "4g2h",
+ "5h9y",
+ "4kvn",
+ "5yyq",
+ "3l1m",
+ "4hxk",
+ "5gro",
+ "5lxh",
+ "5ocu",
+ "6no9",
+ "1e7r",
+ "7opr",
+ "1zhx",
+ "6siy",
+ "6j1s",
+ "5xax",
+ "4e4k",
+ "3btx",
+ "6djg",
+ "1cxq",
+ "7eel",
+ "5lrs",
+ "4flw",
+ "1g09",
+ "3vl7",
+ "3ux4",
+ "2ka0",
+ "1t7r",
+ "6rcb",
+ "2yka",
+ "4pxa",
+ "4yk5",
+ "2c9q",
+ "3tyq",
+ "7fl4",
+ "1rhh",
+ "3uyw",
+ "5lde",
+ "3nd8",
+ "2pe7",
+ "6b4g",
+ "2v55",
+ "5p2d",
+ "4m1g",
+ "4aa1",
+ "5qlo",
+ "2yd1",
+ "4tky",
+ "6pm5",
+ "2ww2",
+ "6mdh",
+ "3hrk",
+ "3nqt",
+ "4h7z",
+ "5jmo",
+ "4nt5",
+ "5xcb",
+ "1ms6",
+ "5xp7",
+ "6opq",
+ "1e40",
+ "2ya4",
+ "3h6r",
+ "7fkq",
+ "2wp5",
+ "6fyd",
+ "7et4",
+ "7zm2",
+ "4npq",
+ "1lif",
+ "7efr",
+ "3kjf",
+ "6nsg",
+ "6e5t",
+ "1rx7",
+ "3khb",
+ "6ef8",
+ "1yc3",
+ "1yyj",
+ "6ehb",
+ "1b51",
+ "6gti",
+ "6qlo",
+ "4irz",
+ "1zoq",
+ "5fnd",
+ "3pa8",
+ "1ej1",
+ "3woo",
+ "3gvy",
+ "3l0f",
+ "2plz",
+ "6s1k",
+ "5bzz",
+ "1hjo",
+ "7sl8",
+ "2vzn",
+ "7no2",
+ "163l",
+ "3x14",
+ "4nty",
+ "1h4q",
+ "6f0e",
+ "6otx",
+ "3awy",
+ "4ct5",
+ "7ukw",
+ "3qnt",
+ "3v10",
+ "1xp6",
+ "4ag3",
+ "3u4h",
+ "7pa4",
+ "6y5f",
+ "5vh3",
+ "3alo",
+ "5gs0",
+ "4j34",
+ "3ll0",
+ "6hw7",
+ "5eqy",
+ "4k7i",
+ "4wep",
+ "1b8g",
+ "3h63",
+ "6stk",
+ "2qeh",
+ "5p06",
+ "1xa8",
+ "2mvh",
+ "7fi4",
+ "5o8r",
+ "5a6k",
+ "4rl1",
+ "4kmh",
+ "5xor",
+ "6f4f",
+ "6g8z",
+ "7pf7",
+ "4wef",
+ "2ce3",
+ "4dst",
+ "3kif",
+ "4kk9",
+ "3czy",
+ "6qkg",
+ "6gbp",
+ "8asu",
+ "7un5",
+ "3pyy",
+ "6d6p",
+ "6nwj",
+ "3tz1",
+ "7rk0",
+ "6wsl",
+ "4g9s",
+ "8g94",
+ "3qzc",
+ "6xix",
+ "5tgw",
+ "5azr",
+ "7x9l",
+ "2r0h",
+ "6htt",
+ "1e6p",
+ "6byc",
+ "2gpe",
+ "6ard",
+ "4zdt",
+ "5f66",
+ "4qdc",
+ "4dmx",
+ "5oyy",
+ "3kc1",
+ "3g34",
+ "2asm",
+ "1b9j",
+ "4nce",
+ "3u35",
+ "6xcp",
+ "2q1q",
+ "4oqf",
+ "5od6",
+ "4puj",
+ "4emm",
+ "6h1m",
+ "3w24",
+ "5nol",
+ "4ywp",
+ "1a8s",
+ "6wf0",
+ "2ydu",
+ "4pko",
+ "1paf",
+ "2lxa",
+ "2l44",
+ "6dz7",
+ "4dut",
+ "5fe2",
+ "3zdw",
+ "6oi8",
+ "1nt3",
+ "7fo7",
+ "2g2w",
+ "1rfq",
+ "7y27",
+ "1a22",
+ "1qzx",
+ "3k22",
+ "6nxc",
+ "6ddi",
+ "6pwo",
+ "3edf",
+ "2nqs",
+ "3gyi",
+ "3mwt",
+ "5dka",
+ "2bvm",
+ "7czl",
+ "1yd2",
+ "5wsn",
+ "1f8d",
+ "1v8v",
+ "6k3m",
+ "1e89",
+ "6fcs",
+ "5yq3",
+ "4ptw",
+ "2r4x",
+ "2x58",
+ "6ij1",
+ "4fyz",
+ "1cy0",
+ "2k8d",
+ "5u7z",
+ "3mlj",
+ "4ox3",
+ "3nox",
+ "7kqp",
+ "5ptt",
+ "3ios",
+ "3sen",
+ "5eoq",
+ "1jor",
+ "5rel",
+ "6ax8",
+ "5bv0",
+ "6opx",
+ "3ecp",
+ "1jip",
+ "1lqq",
+ "7p83",
+ "4d77",
+ "6s7z",
+ "5yw4",
+ "2lcx",
+ "8ej5",
+ "7mse",
+ "6zh7",
+ "4j98",
+ "5pgt",
+ "1dyn",
+ "4ubs",
+ "1fxx",
+ "5zuf",
+ "6nt5",
+ "1azb",
+ "7nqk",
+ "1rvd",
+ "7a1n",
+ "1so5",
+ "7u29",
+ "7tjk",
+ "3l1a",
+ "7rw4",
+ "4i9k",
+ "1cqe",
+ "7rgj",
+ "1ayx",
+ "1xr1",
+ "6n5u",
+ "5idf",
+ "3zn6",
+ "5su2",
+ "5hol",
+ "1is4",
+ "4omf",
+ "4dsb",
+ "7mzl",
+ "4uw4",
+ "5ipd",
+ "4fok",
+ "1r8u",
+ "5kap",
+ "1m0q",
+ "5dzx",
+ "2ntb",
+ "7xhy",
+ "6f2t",
+ "2r0u",
+ "4tz5",
+ "6oqc",
+ "3avm",
+ "4gi7",
+ "8bdr",
+ "5g24",
+ "1w46",
+ "6hmu",
+ "7du7",
+ "7vrr",
+ "1iby",
+ "7t9u",
+ "6asm",
+ "5lgv",
+ "7xl9",
+ "7efo",
+ "3w31",
+ "2pes",
+ "2gil",
+ "4uhj",
+ "2et6",
+ "2yft",
+ "1r8c",
+ "3e84",
+ "4hld",
+ "2gbs",
+ "7csl",
+ "7lin",
+ "6ijs",
+ "1914",
+ "8e9h",
+ "6nx7",
+ "5gu9",
+ "2l0y",
+ "6deq",
+ "2zgz",
+ "3p3w",
+ "4qws",
+ "5hir",
+ "5xit",
+ "2aoh",
+ "6i54",
+ "4frm",
+ "7s4k",
+ "6qqu",
+ "2v0v",
+ "2bu2",
+ "3wcw",
+ "2uzv",
+ "6z3y",
+ "2d0e",
+ "6zzy",
+ "1sno",
+ "3hgj",
+ "5n7t",
+ "3htk",
+ "6gei",
+ "6c0n",
+ "7b0o",
+ "4of5",
+ "6a19",
+ "4cdp",
+ "3waj",
+ "5lxb",
+ "2xve",
+ "4zgx",
+ "4nfb",
+ "5sqt",
+ "5o3d",
+ "6q48",
+ "5vv1",
+ "7ny9",
+ "3v87",
+ "5ns8",
+ "8fa1",
+ "4g50",
+ "2r74",
+ "6yz1",
+ "1eb8",
+ "6v1i",
+ "2vlo",
+ "4c72",
+ "3llz",
+ "1eaz",
+ "8a3x",
+ "5ez1",
+ "3ru5",
+ "4uwy",
+ "6wau",
+ "6gsf",
+ "3ad9",
+ "7boj",
+ "4mbg",
+ "4lg4",
+ "2y64",
+ "6mvp",
+ "4h3g",
+ "5vvb",
+ "8dph",
+ "5lp1",
+ "6os2",
+ "4q5e",
+ "5hxh",
+ "2htj",
+ "2ex9",
+ "4kci",
+ "4p6g",
+ "4gqi",
+ "2a7f",
+ "2lny",
+ "5hy5",
+ "2w40",
+ "7cne",
+ "5b24",
+ "6psj",
+ "7n4q",
+ "6w6j",
+ "5l5b",
+ "1ko1",
+ "2h8k",
+ "5b3t",
+ "4oy6",
+ "4jxe",
+ "6ugl",
+ "2qa2",
+ "2oug",
+ "5z3l",
+ "4u2p",
+ "5hu1",
+ "3mjy",
+ "4g4k",
+ "6dc2",
+ "3uyo",
+ "2eex",
+ "2q8c",
+ "1iyz",
+ "3r9z",
+ "2jdh",
+ "4ykp",
+ "2w5e",
+ "4ic3",
+ "1lkr",
+ "4ynu",
+ "4ous",
+ "2xx1",
+ "5o0l",
+ "1tv8",
+ "6gn6",
+ "2yqb",
+ "7ugk",
+ "6d0q",
+ "6yzz",
+ "2zrr",
+ "2b90",
+ "1ov8",
+ "2bqu",
+ "2oya",
+ "7rk1",
+ "5ebg",
+ "6o29",
+ "2qvd",
+ "3oyc",
+ "2xt4",
+ "1mav",
+ "3x0k",
+ "7pv1",
+ "6gku",
+ "4fmm",
+ "4ajb",
+ "1cad",
+ "3nzs",
+ "7jhp",
+ "2zy1",
+ "3h0l",
+ "3ao9",
+ "6tqk",
+ "2ems",
+ "3dmi",
+ "7c53",
+ "4bcz",
+ "6f3z",
+ "1jdw",
+ "5l5v",
+ "3nm3",
+ "4imu",
+ "1nyk",
+ "5zus",
+ "4a22",
+ "3wn7",
+ "1v75",
+ "1gwn",
+ "2xmb",
+ "5fg3",
+ "6edg",
+ "5o19",
+ "2puj",
+ "4fa8",
+ "5u5v",
+ "3bz5",
+ "2bsr",
+ "3dd9",
+ "4tx1",
+ "3p91",
+ "4hyy",
+ "4c52",
+ "4rsm",
+ "1nhu",
+ "4yc2",
+ "5qly",
+ "7wv3",
+ "4n31",
+ "6g04",
+ "2tir",
+ "5jab",
+ "2biy",
+ "3wql",
+ "3gz5",
+ "3jqz",
+ "5p47",
+ "6d1n",
+ "2ec6",
+ "7aw4",
+ "2gto",
+ "3zmt",
+ "7vzf",
+ "5w5m",
+ "5pi1",
+ "4e2l",
+ "2mma",
+ "1anw",
+ "4d7b",
+ "1b70",
+ "1up3",
+ "1kr1",
+ "4ln8",
+ "2ys7",
+ "3aym",
+ "4zgr",
+ "1u0o",
+ "5u1j",
+ "5eua",
+ "5lle",
+ "4pa6",
+ "1zmr",
+ "7b4v",
+ "6s41",
+ "1ytj",
+ "1w1s",
+ "5pt4",
+ "5yu5",
+ "2vqk",
+ "4ape",
+ "5z6p",
+ "1zj0",
+ "2i7c",
+ "6kpp",
+ "7dd1",
+ "4f7u",
+ "5r9v",
+ "1fup",
+ "1g4g",
+ "4tnb",
+ "6k99",
+ "6l20",
+ "6u3s",
+ "2ddo",
+ "5m44",
+ "6roa",
+ "4yeb",
+ "7a4t",
+ "4jz4",
+ "3var",
+ "6o6p",
+ "2flq",
+ "4qj3",
+ "7k5w",
+ "4mr7",
+ "3hd8",
+ "4x3p",
+ "1fpy",
+ "1h4y",
+ "7b7v",
+ "1l5k",
+ "1nqj",
+ "4rce",
+ "3cb4",
+ "7fnp",
+ "5ecp",
+ "7spo",
+ "4h6y",
+ "6cac",
+ "7bel",
+ "5vni",
+ "1yt5",
+ "7wak",
+ "5rfr",
+ "5z3j",
+ "4n3a",
+ "6azb",
+ "1q4o",
+ "6vok",
+ "4tw2",
+ "5ciq",
+ "3zy5",
+ "4kp8",
+ "5x2a",
+ "2qf1",
+ "1oxg",
+ "8a2i",
+ "7u36",
+ "1xoe",
+ "7vcj",
+ "7qlw",
+ "2md6",
+ "2ix2",
+ "6knz",
+ "7pi0",
+ "1gg3",
+ "2b4h",
+ "7mso",
+ "3lg1",
+ "4a24",
+ "2ei9",
+ "5ydg",
+ "2exy",
+ "5vas",
+ "6qqv",
+ "7k1c",
+ "4jhi",
+ "5nxh",
+ "4cpr",
+ "2o5f",
+ "4yph",
+ "6nv6",
+ "2ddt",
+ "2ce4",
+ "4qrf",
+ "1nv3",
+ "3t1c",
+ "2vcq",
+ "1vgw",
+ "1xr2",
+ "2mom",
+ "5gom",
+ "3mra",
+ "5dh5",
+ "3c1m",
+ "3c0l",
+ "1qnc",
+ "2yns",
+ "6f3o",
+ "4jne",
+ "6u71",
+ "2q81",
+ "2wpn",
+ "5pza",
+ "2za8",
+ "1omb",
+ "2gjr",
+ "1tox",
+ "6tev",
+ "2ima",
+ "1urv",
+ "1ok6",
+ "1he1",
+ "6dmk",
+ "4gbd",
+ "2q3k",
+ "2ga6",
+ "6o6v",
+ "5t0h",
+ "6q7a",
+ "6s54",
+ "7qkh",
+ "1rda",
+ "1ykm",
+ "7riq",
+ "5i2t",
+ "5aed",
+ "6vl0",
+ "4gtt",
+ "2lgr",
+ "3i7v",
+ "3rhc",
+ "1z68",
+ "2zx2",
+ "4tms",
+ "3a8q",
+ "2lmp",
+ "2h5j",
+ "3mke",
+ "5i7e",
+ "7b0i",
+ "3mb8",
+ "3ep9",
+ "1bpt",
+ "4lqw",
+ "3tcf",
+ "1ch7",
+ "1d0c",
+ "4csv",
+ "3qpl",
+ "4wdw",
+ "6hbd",
+ "6kz0",
+ "1wd3",
+ "5anp",
+ "7chr",
+ "6cmq",
+ "1apa",
+ "2rdu",
+ "1uk2",
+ "6r9d",
+ "1tew",
+ "6qv8",
+ "4lq1",
+ "7ymo",
+ "2mqn",
+ "3s7m",
+ "1jai",
+ "2k0l",
+ "7t82",
+ "5ufc",
+ "7jih",
+ "7n7u",
+ "4djc",
+ "5hf6",
+ "3emg",
+ "4bjy",
+ "2w85",
+ "4b3i",
+ "4iq9",
+ "1e2v",
+ "7yzx",
+ "2po0",
+ "1b0g",
+ "1v13",
+ "6lnw",
+ "6cfr",
+ "3ldp",
+ "7ayq",
+ "5n38",
+ "5w6m",
+ "4o8x",
+ "4asb",
+ "4nfw",
+ "4haa",
+ "5ugc",
+ "4dcz",
+ "6pt6",
+ "7c0u",
+ "6ajq",
+ "3shy",
+ "3ewj",
+ "7eun",
+ "7vwz",
+ "6fre",
+ "2giy",
+ "3kah",
+ "5ai4",
+ "2n3a",
+ "3aye",
+ "5anb",
+ "4h2i",
+ "2po2",
+ "3tx4",
+ "3dze",
+ "2zzf",
+ "1yp8",
+ "4z9y",
+ "4lkp",
+ "1i0v",
+ "6xpu",
+ "5h6q",
+ "2v07",
+ "3nba",
+ "2fhw",
+ "4q6o",
+ "4hvu",
+ "6dlo",
+ "4hqs",
+ "2l03",
+ "1fhg",
+ "7cfv",
+ "2e3x",
+ "7jyu",
+ "6nyy",
+ "1arb",
+ "4mls",
+ "6xw4",
+ "7sek",
+ "3guz",
+ "7tfn",
+ "2exi",
+ "7kgu",
+ "5r9i",
+ "5nca",
+ "5tgs",
+ "6pij",
+ "7okm",
+ "1f9z",
+ "6v0i",
+ "7ca3",
+ "4m36",
+ "4l9k",
+ "2ch0",
+ "6rib",
+ "4g73",
+ "2r9z",
+ "2zbz",
+ "3nln",
+ "5c8e",
+ "6amh",
+ "4j3w",
+ "5cs3",
+ "6v1s",
+ "4jgs",
+ "6s5n",
+ "2a6j",
+ "6fum",
+ "5wqd",
+ "6hzd",
+ "6b7m",
+ "6zas",
+ "6dft",
+ "2qxz",
+ "4ao5",
+ "5wqr",
+ "5lum",
+ "6uxi",
+ "7scw",
+ "1jq1",
+ "4yoo",
+ "1nlf",
+ "3ieu",
+ "4pg5",
+ "7jl7",
+ "5e5v",
+ "1o8n",
+ "6koc",
+ "4r0f",
+ "3p0s",
+ "5rcx",
+ "2i7s",
+ "4r4o",
+ "6lv2",
+ "6kdm",
+ "5mc9",
+ "4uv7",
+ "7c3z",
+ "7dl1",
+ "4ql7",
+ "3c82",
+ "5kso",
+ "1kif",
+ "7uz2",
+ "3mw1",
+ "3ewp",
+ "2veq",
+ "1l92",
+ "2m3z",
+ "7kxt",
+ "5h4z",
+ "6dg2",
+ "3zji",
+ "5fbg",
+ "5x98",
+ "4w9w",
+ "5lu3",
+ "2mbk",
+ "3tba",
+ "2iv8",
+ "5p7m",
+ "4met",
+ "7euq",
+ "1g8f",
+ "1b7t",
+ "5rti",
+ "7qfz",
+ "4jse",
+ "6d9l",
+ "5xb2",
+ "3hl9",
+ "5xb7",
+ "1bvb",
+ "3u7j",
+ "6c6e",
+ "3g4k",
+ "5z09",
+ "6bmv",
+ "4mz7",
+ "5z98",
+ "4c68",
+ "2hvn",
+ "1yrl",
+ "4uba",
+ "1zt5",
+ "2jmd",
+ "5c3p",
+ "8e87",
+ "5ug8",
+ "1mny",
+ "2j3x",
+ "6jka",
+ "7olk",
+ "4odm",
+ "3enj",
+ "1uer",
+ "5zov",
+ "6nt9",
+ "6jgl",
+ "6uwt",
+ "5ofg",
+ "4ra6",
+ "1a5c",
+ "6gaj",
+ "2dt9",
+ "7w5i",
+ "3n60",
+ "4uf8",
+ "4c4r",
+ "6m9k",
+ "6fv1",
+ "3k9j",
+ "3d5u",
+ "7aoo",
+ "1civ",
+ "3nw2",
+ "2hix",
+ "4gil",
+ "7s5t",
+ "7olv",
+ "4cae",
+ "7pw3",
+ "1sbg",
+ "1cms",
+ "4yos",
+ "4ehh",
+ "4axj",
+ "6s5j",
+ "4uae",
+ "2fba",
+ "4k7j",
+ "6nyp",
+ "4ro1",
+ "3udd",
+ "5e6s",
+ "4nju",
+ "6rve",
+ "5fzx",
+ "3egg",
+ "4nos",
+ "2ig9",
+ "4egy",
+ "7qsu",
+ "2aco",
+ "4chv",
+ "3mlo",
+ "3jcz",
+ "3twx",
+ "7pf2",
+ "7o4t",
+ "1dyb",
+ "7mh6",
+ "1t27",
+ "6p71",
+ "1xz3",
+ "7vl4",
+ "4qf1",
+ "4rmd",
+ "1pza",
+ "3hpa",
+ "2bd5",
+ "4hlx",
+ "2m05",
+ "2hvk",
+ "6r25",
+ "5b5i",
+ "5pf6",
+ "6kqp",
+ "7o8v",
+ "1iii",
+ "1pah",
+ "3spy",
+ "1i6z",
+ "1ii5",
+ "3of8",
+ "6i0v",
+ "1nm5",
+ "5xrj",
+ "7fp4",
+ "7r56",
+ "2cyb",
+ "6k4j",
+ "6ah0",
+ "7kyv",
+ "2jmy",
+ "5iqg",
+ "5wmr",
+ "7e2o",
+ "7e15",
+ "2p4q",
+ "4rek",
+ "5k6s",
+ "1lpu",
+ "3ozv",
+ "5rej",
+ "5feh",
+ "4qhv",
+ "5d24",
+ "2mtv",
+ "3fks",
+ "6eux",
+ "2npr",
+ "5fko",
+ "8dat",
+ "7les",
+ "6elu",
+ "3ow8",
+ "5doi",
+ "3pd2",
+ "3env",
+ "7fd9",
+ "5efc",
+ "5k35",
+ "1d1z",
+ "5dp4",
+ "8avf",
+ "2n65",
+ "6fah",
+ "2qh6",
+ "5i20",
+ "2ae3",
+ "3ml3",
+ "5jkd",
+ "5cti",
+ "3pgt",
+ "4i87",
+ "6ldy",
+ "4zcm",
+ "1g6e",
+ "2kna",
+ "3n1y",
+ "1i4x",
+ "6mv1",
+ "3l6f",
+ "6vcn",
+ "1x86",
+ "6k7e",
+ "2e1p",
+ "3zs1",
+ "2gkg",
+ "3k5c",
+ "5ghz",
+ "4qja",
+ "5xce",
+ "6x03",
+ "4yrr",
+ "3lgv",
+ "3ns6",
+ "3ckg",
+ "6z3t",
+ "1y4v",
+ "1c3d",
+ "5hhf",
+ "2z32",
+ "7kgv",
+ "215l",
+ "6l2w",
+ "5z22",
+ "6vg2",
+ "2gac",
+ "5vwc",
+ "8dv4",
+ "4c86",
+ "2nuw",
+ "6ik4",
+ "3tg8",
+ "4wet",
+ "2rsl",
+ "5dl6",
+ "5mj0",
+ "3hzw",
+ "6vh8",
+ "4uhi",
+ "4ci6",
+ "3rbu",
+ "1svi",
+ "7dtd",
+ "8hsr",
+ "5gn9",
+ "5glz",
+ "3ec5",
+ "1ore",
+ "7wvj",
+ "4u3d",
+ "4n4q",
+ "3vcm",
+ "6g17",
+ "7lah",
+ "6w5k",
+ "2au3",
+ "6cso",
+ "1n9l",
+ "2icc",
+ "2i3i",
+ "2voy",
+ "7ehu",
+ "4ewo",
+ "2wuc",
+ "6pys",
+ "6s3z",
+ "4zxb",
+ "7ejs",
+ "7cnp",
+ "3sdy",
+ "5x1r",
+ "1kob",
+ "6okb",
+ "6czs",
+ "7c1l",
+ "4mu4",
+ "4rew",
+ "7reo",
+ "1e55",
+ "1wbo",
+ "6c48",
+ "4fvt",
+ "4ql8",
+ "6wp1",
+ "4f9v",
+ "6h05",
+ "6adm",
+ "3lje",
+ "3fwj",
+ "4l8b",
+ "1ahs",
+ "7ltl",
+ "6kc0",
+ "6sjw",
+ "5esh",
+ "5ex5",
+ "1lbf",
+ "6ega",
+ "6op6",
+ "3vsi",
+ "7pf9",
+ "1qk7",
+ "6ey0",
+ "5tnr",
+ "4g3f",
+ "1n61",
+ "3sue",
+ "2bk2",
+ "5gt9",
+ "1tuw",
+ "1b1e",
+ "2ok7",
+ "5ldt",
+ "6sgy",
+ "5agp",
+ "6ee4",
+ "4p2s",
+ "1uob",
+ "4hh9",
+ "3owo",
+ "6r54",
+ "4n2r",
+ "3klv",
+ "3wpk",
+ "7f54",
+ "5h7a",
+ "5gkx",
+ "5h3o",
+ "4kds",
+ "4ohb",
+ "4aye",
+ "1k7f",
+ "4az0",
+ "6zso",
+ "4o1i",
+ "7ntx",
+ "3r7k",
+ "6ioh",
+ "5yuc",
+ "5njb",
+ "3bgr",
+ "4gje",
+ "5lr0",
+ "5zc0",
+ "5ncn",
+ "5mmb",
+ "5e4b",
+ "4kde",
+ "5fm7",
+ "6b0h",
+ "1ja8",
+ "5klt",
+ "4alt",
+ "133l",
+ "5h67",
+ "7m2a",
+ "1iqt",
+ "6sec",
+ "6mra",
+ "2d24",
+ "2hx8",
+ "6sqp",
+ "1sh3",
+ "1qik",
+ "7kiz",
+ "8dvq",
+ "4ekr",
+ "1fl9",
+ "2lkp",
+ "5pwm",
+ "4x4a",
+ "4nd8",
+ "8a56",
+ "7cjr",
+ "4wym",
+ "2yt1",
+ "3uf5",
+ "5de0",
+ "2fl2",
+ "6r3b",
+ "6hcg",
+ "5y9m",
+ "4k4y",
+ "6x9t",
+ "6obc",
+ "4adp",
+ "5gpi",
+ "5w5f",
+ "2vbx",
+ "6a83",
+ "3oep",
+ "8auf",
+ "7o8g",
+ "1lcb",
+ "6a2j",
+ "3udn",
+ "3kvz",
+ "7mgx",
+ "1irn",
+ "2m7q",
+ "1q7a",
+ "1qf7",
+ "2zn9",
+ "6b7q",
+ "1vj5",
+ "2j4o",
+ "6zbi",
+ "2gx1",
+ "2c49",
+ "2ri1",
+ "5dvj",
+ "1vvd",
+ "1ixz",
+ "6jed",
+ "1qrk",
+ "1xvb",
+ "5las",
+ "3gmm",
+ "1gz9",
+ "4wld",
+ "3cj9",
+ "4brw",
+ "1omj",
+ "4o71",
+ "5vqb",
+ "5mu6",
+ "1qn3",
+ "3vbj",
+ "3r2y",
+ "6ifb",
+ "4lk2",
+ "7pzo",
+ "5wdc",
+ "5lt0",
+ "5tns",
+ "1nz5",
+ "3ft3",
+ "7o1y",
+ "1t7y",
+ "6a9c",
+ "7jvw",
+ "4uhu",
+ "2y39",
+ "3oiy",
+ "5nar",
+ "1nde",
+ "2rd7",
+ "1hab",
+ "1abf",
+ "4pho",
+ "1aqw",
+ "1ito",
+ "4lao",
+ "6g4d",
+ "6qg8",
+ "5o4k",
+ "4oas",
+ "5nnd",
+ "7o8r",
+ "5pc9",
+ "4j27",
+ "4mfz",
+ "6l6e",
+ "8b95",
+ "2qx8",
+ "1yra",
+ "2o4g",
+ "1c41",
+ "4kyw",
+ "2dgm",
+ "5pbk",
+ "1xrl",
+ "1ofy",
+ "3sht",
+ "3e4g",
+ "4h0e",
+ "1hpk",
+ "6nq2",
+ "4tsm",
+ "1z5g",
+ "7bm4",
+ "4b8v",
+ "2ohs",
+ "1si1",
+ "7oph",
+ "4qj4",
+ "4mk9",
+ "8cxd",
+ "6gvs",
+ "1e56",
+ "1wbd",
+ "5lrt",
+ "7wo2",
+ "3gzy",
+ "2iz1",
+ "4s04",
+ "5jkg",
+ "4hy9",
+ "6om3",
+ "6akv",
+ "7m7q",
+ "1ft4",
+ "2r2g",
+ "5s2n",
+ "1gpl",
+ "5nml",
+ "5vks",
+ "5kg2",
+ "2mz9",
+ "6dgy",
+ "7bu7",
+ "1a8t",
+ "3n8y",
+ "3twi",
+ "1r36",
+ "6ykc",
+ "2mf8",
+ "3zrr",
+ "5vbu",
+ "6kuk",
+ "5z03",
+ "7pgn",
+ "7b2z",
+ "1trw",
+ "6fx9",
+ "5soj",
+ "2anb",
+ "6e9e",
+ "4d6v",
+ "1dgd",
+ "7ba5",
+ "3r6u",
+ "5eki",
+ "1ip9",
+ "2w4e",
+ "6h22",
+ "6g7o",
+ "7q0e",
+ "2jfn",
+ "3rc6",
+ "5i7z",
+ "1iaz",
+ "4hfw",
+ "1bge",
+ "1iwa",
+ "2ahb",
+ "3riy",
+ "1rhc",
+ "2grx",
+ "1g0q",
+ "1ud5",
+ "4duf",
+ "3c89",
+ "5v2d",
+ "6b8c",
+ "6v8y",
+ "5mk6",
+ "3mh9",
+ "6pvj",
+ "4wh4",
+ "6dmn",
+ "7cnb",
+ "6n22",
+ "4wlc",
+ "2mn7",
+ "6nq0",
+ "2pa1",
+ "6gs9",
+ "2o3s",
+ "4u8j",
+ "6bri",
+ "3weo",
+ "5cdi",
+ "3txb",
+ "4blp",
+ "3c94",
+ "1zok",
+ "1lxl",
+ "4yry",
+ "3x3b",
+ "4dbf",
+ "7txn",
+ "7k9a",
+ "3aqj",
+ "3nml",
+ "6bcz",
+ "5g4f",
+ "1fo5",
+ "1a03",
+ "5xgv",
+ "6zc9",
+ "2m8c",
+ "2ux9",
+ "6dv4",
+ "7cp1",
+ "4wql",
+ "5gtx",
+ "5anm",
+ "7b7g",
+ "4czg",
+ "6v4h",
+ "1oiv",
+ "3l5l",
+ "3it7",
+ "6jkv",
+ "6pgo",
+ "1sg5",
+ "6qic",
+ "6tjy",
+ "2nq6",
+ "8dg0",
+ "3phq",
+ "2zxy",
+ "5tcp",
+ "2pmz",
+ "3aln",
+ "6a8a",
+ "6uea",
+ "1n6o",
+ "4lc0",
+ "7q0x",
+ "1py9",
+ "3heo",
+ "4egt",
+ "1jc9",
+ "5ohs",
+ "1vcn",
+ "5mbu",
+ "1na4",
+ "7k42",
+ "6xtf",
+ "6fxr",
+ "3kyn",
+ "5p0k",
+ "5y1f",
+ "1ur6",
+ "6rfr",
+ "3k8d",
+ "2ca7",
+ "4q81",
+ "4pvp",
+ "7r88",
+ "7flx",
+ "1li4",
+ "4d5e",
+ "1jot",
+ "3k47",
+ "8ddf",
+ "2bra",
+ "7w12",
+ "1z5h",
+ "3n0n",
+ "3c8r",
+ "2v1b",
+ "4p3n",
+ "1kuh",
+ "4gig",
+ "3sr0",
+ "5ctv",
+ "6et6",
+ "3tey",
+ "6v1x",
+ "1dua",
+ "1u92",
+ "4m00",
+ "2fw1",
+ "3ful",
+ "2vnl",
+ "1ymx",
+ "5bvu",
+ "1iel",
+ "1fhq",
+ "8gyi",
+ "7coc",
+ "1cjb",
+ "7ad5",
+ "1xxp",
+ "2bvf",
+ "6jom",
+ "2pjg",
+ "7o22",
+ "3amk",
+ "6mic",
+ "3wmy",
+ "6o5z",
+ "6czg",
+ "3pvo",
+ "4xdz",
+ "1ly3",
+ "5l3d",
+ "6go0",
+ "2lvs",
+ "1eue",
+ "2vkv",
+ "6xhh",
+ "7cyx",
+ "6mhc",
+ "5mui",
+ "4gwi",
+ "2uus",
+ "4y8h",
+ "4i1m",
+ "1szs",
+ "5xcx",
+ "4n5z",
+ "1n5d",
+ "7r6w",
+ "1d7o",
+ "6diz",
+ "1yd5",
+ "7t08",
+ "7ta2",
+ "4xzh",
+ "6dxk",
+ "6hrc",
+ "4qky",
+ "6la2",
+ "6c6i",
+ "1g3k",
+ "5otx",
+ "7q4m",
+ "2y25",
+ "3i0d",
+ "1jn0",
+ "2xu8",
+ "5tou",
+ "4zvv",
+ "4quj",
+ "7e2w",
+ "3rs6",
+ "4hdp",
+ "4ky4",
+ "4xhv",
+ "1wpc",
+ "5b60",
+ "4g36",
+ "6te7",
+ "1mxu",
+ "4j53",
+ "4nah",
+ "1o7w",
+ "4ege",
+ "7kio",
+ "4ll6",
+ "1qka",
+ "5rlg",
+ "2k2o",
+ "7vps",
+ "1p5v",
+ "5qlg",
+ "6idr",
+ "1hga",
+ "5f36",
+ "2be7",
+ "6lvx",
+ "6tar",
+ "1dku",
+ "7mc6",
+ "7oun",
+ "3txe",
+ "1k8k",
+ "6wcr",
+ "7dmo",
+ "1imx",
+ "1o79",
+ "4ed2",
+ "5nrw",
+ "1u0p",
+ "4km4",
+ "5aqs",
+ "3ko9",
+ "2ons",
+ "4q3q",
+ "5fxl",
+ "1nbw",
+ "4u02",
+ "5qnc",
+ "1sy1",
+ "4tu3",
+ "2nwp",
+ "2kyh",
+ "3liz",
+ "5c6q",
+ "5t9g",
+ "6ltj",
+ "2c70",
+ "3mzf",
+ "5re0",
+ "2ggc",
+ "1jzi",
+ "2qa7",
+ "4l1k",
+ "3dri",
+ "6nc6",
+ "6yta",
+ "4b72",
+ "3ns7",
+ "1oxm",
+ "1nyq",
+ "7sql",
+ "4phr",
+ "2yjb",
+ "3j7l",
+ "4c01",
+ "4es8",
+ "1m6c",
+ "4fh7",
+ "5x2r",
+ "6ce6",
+ "4p3h",
+ "5w5s",
+ "7s5p",
+ "5trl",
+ "4j73",
+ "5db3",
+ "6vk1",
+ "1m8z",
+ "6c9k",
+ "1klo",
+ "4pjf",
+ "3b1x",
+ "5wrj",
+ "2z35",
+ "1jon",
+ "7bmq",
+ "1nr7",
+ "6nce",
+ "1ryf",
+ "2fvo",
+ "6amq",
+ "7ntk",
+ "6ipf",
+ "6txz",
+ "2rb4",
+ "5eev",
+ "4z3t",
+ "4jo5",
+ "5k44",
+ "4msd",
+ "1s5o",
+ "6dnu",
+ "1dhg",
+ "1ab9",
+ "2d3y",
+ "6hsd",
+ "3b9a",
+ "5nkk",
+ "2m9u",
+ "2ckw",
+ "3iba",
+ "5foe",
+ "2c53",
+ "5zue",
+ "6jcy",
+ "6zez",
+ "5ega",
+ "5m93",
+ "4fl2",
+ "8f7p",
+ "2a51",
+ "6cwd",
+ "4trq",
+ "3ism",
+ "6s9b",
+ "1khp",
+ "7co3",
+ "3uk6",
+ "6q7v",
+ "4js2",
+ "7ncb",
+ "1nhc",
+ "6irt",
+ "4fp1",
+ "5ytf",
+ "5nz7",
+ "4s2e",
+ "3ril",
+ "5u81",
+ "4klt",
+ "1g91",
+ "2opt",
+ "8awh",
+ "6w4h",
+ "6sdb",
+ "6ik8",
+ "8h98",
+ "4qor",
+ "6fwy",
+ "8cti",
+ "6m7j",
+ "4esf",
+ "1tb4",
+ "5gks",
+ "1ags",
+ "6mhj",
+ "1sdl",
+ "2jd2",
+ "2kb4",
+ "4bfb",
+ "3vch",
+ "2w1y",
+ "8bj4",
+ "5bjx",
+ "1fg9",
+ "6kg1",
+ "4wfg",
+ "6q7w",
+ "1zz1",
+ "7qp1",
+ "1tvs",
+ "1ezm",
+ "1cvs",
+ "5k69",
+ "3gyn",
+ "1f18",
+ "6ddm",
+ "6y9c",
+ "2qtt",
+ "5uec",
+ "2wgd",
+ "2g7k",
+ "5y1i",
+ "7c9w",
+ "6i9p",
+ "6v1v",
+ "3ad8",
+ "7saz",
+ "1oej",
+ "3ck4",
+ "1eok",
+ "3sc0",
+ "6hpu",
+ "5mn3",
+ "1pt9",
+ "5tum",
+ "5iuv",
+ "7c22",
+ "2gtp",
+ "5ct0",
+ "1e5b",
+ "6ip4",
+ "5g4g",
+ "7dpp",
+ "5m5m",
+ "1zw1",
+ "3gib",
+ "3k6x",
+ "3wyj",
+ "5n18",
+ "5vft",
+ "7odz",
+ "6v4c",
+ "4zr5",
+ "6voo",
+ "4xpi",
+ "4fn0",
+ "7dbu",
+ "1e2q",
+ "3ldo",
+ "8ef5",
+ "2hj3",
+ "6vn0",
+ "2a18",
+ "5yr1",
+ "7fnh",
+ "6bsj",
+ "3a68",
+ "1yg5",
+ "3st1",
+ "2rgx",
+ "9icd",
+ "8d5c",
+ "3vu1",
+ "5guf",
+ "6a5w",
+ "1n3t",
+ "6rrv",
+ "7apv",
+ "6p0t",
+ "1s26",
+ "6n7j",
+ "7scr",
+ "4b8b",
+ "6o1b",
+ "7bol",
+ "4bjc",
+ "3nvu",
+ "3hf8",
+ "4avz",
+ "3h42",
+ "3zw9",
+ "7dbm",
+ "7dcx",
+ "1aif",
+ "2pwc",
+ "3pyw",
+ "5eyh",
+ "7w67",
+ "6azg",
+ "7swn",
+ "5vkf",
+ "3qvx",
+ "5mym",
+ "4r2e",
+ "1ky7",
+ "5w6g",
+ "4y5x",
+ "4wnf",
+ "3zg0",
+ "2vt2",
+ "4c54",
+ "8g6k",
+ "2kiv",
+ "2pre",
+ "6udy",
+ "1t7d",
+ "2cg5",
+ "1rcy",
+ "2o9r",
+ "2gbq",
+ "1nvt",
+ "2was",
+ "3if8",
+ "4y61",
+ "2pqm",
+ "3b9x",
+ "6yqn",
+ "4m1t",
+ "4ug5",
+ "2vw6",
+ "5fsx",
+ "5dep",
+ "5zfw",
+ "7ayn",
+ "6lh7",
+ "3oh6",
+ "6wzj",
+ "2pl9",
+ "2imc",
+ "4ymo",
+ "3ten",
+ "1zp7",
+ "4u7c",
+ "1ssu",
+ "7pf1",
+ "7tsl",
+ "6d4s",
+ "6a2i",
+ "1b8m",
+ "3o4k",
+ "4nsx",
+ "5qyx",
+ "1j7q",
+ "2qhl",
+ "3i0x",
+ "7sei",
+ "1qm7",
+ "5ol9",
+ "1iwj",
+ "3h2e",
+ "7rkh",
+ "2mk5",
+ "5rfo",
+ "6j9y",
+ "5un2",
+ "6vrg",
+ "3j2u",
+ "1ptz",
+ "3izj",
+ "8a17",
+ "4btl",
+ "4uug",
+ "3ihm",
+ "6h1u",
+ "5ahc",
+ "7rbe",
+ "6shx",
+ "3onm",
+ "1odl",
+ "5ka8",
+ "5j1n",
+ "5lvu",
+ "3lhu",
+ "6u7t",
+ "7dno",
+ "3sxa",
+ "1u72",
+ "1pck",
+ "5ozj",
+ "5cr5",
+ "3ziv",
+ "4utz",
+ "4ml3",
+ "7zev",
+ "5myn",
+ "5dch",
+ "5m7k",
+ "5hm7",
+ "4g38",
+ "3l7g",
+ "4ic8",
+ "2cia",
+ "2n64",
+ "3apm",
+ "1fow",
+ "5af0",
+ "5vqz",
+ "1tdt",
+ "7lok",
+ "6ju8",
+ "6ps7",
+ "5e2m",
+ "3czf",
+ "5nyq",
+ "8d0g",
+ "5vn1",
+ "8ayo",
+ "3a17",
+ "3zux",
+ "2y2m",
+ "4d43",
+ "4lau",
+ "4ewv",
+ "1k3b",
+ "2es3",
+ "3odl",
+ "7rfp",
+ "2k3t",
+ "4jhr",
+ "6lq7",
+ "7v15",
+ "1k2w",
+ "7p1r",
+ "4uwc",
+ "3pm4",
+ "1p2d",
+ "8etr",
+ "6psf",
+ "2k51",
+ "2mt6",
+ "3bl8",
+ "3twj",
+ "7qze",
+ "5y12",
+ "4xkp",
+ "1pv3",
+ "7cd4",
+ "3umi",
+ "2fyl",
+ "6tlk",
+ "8f4u",
+ "1g7m",
+ "1jxy",
+ "4h8n",
+ "6pbt",
+ "4mua",
+ "1fzc",
+ "1hs5",
+ "6san",
+ "2p0d",
+ "6xw5",
+ "4ex8",
+ "3ujr",
+ "7c6u",
+ "7fns",
+ "3hpi",
+ "3ds6",
+ "6xtu",
+ "6nxr",
+ "2cjr",
+ "3n50",
+ "3p4s",
+ "2wo3",
+ "3ptz",
+ "6nt8",
+ "6mfl",
+ "6dyy",
+ "6wl6",
+ "7biv",
+ "6nl7",
+ "4dy6",
+ "5uub",
+ "5ugg",
+ "2dvw",
+ "1u6u",
+ "7vx0",
+ "3dm5",
+ "7om5",
+ "3rjx",
+ "5vur",
+ "3aj5",
+ "5nus",
+ "6f5h",
+ "6ywz",
+ "5pp0",
+ "5f1z",
+ "2z0d",
+ "4g3u",
+ "3eyy",
+ "6n5a",
+ "6hjb",
+ "6p9g",
+ "5ht6",
+ "1rs7",
+ "2qr0",
+ "3bd9",
+ "2h21",
+ "3zps",
+ "6n3u",
+ "6s6b",
+ "5xgz",
+ "1nup",
+ "3rwe",
+ "4zdy",
+ "5fx8",
+ "4rie",
+ "1nql",
+ "6jjz",
+ "7mgw",
+ "2wy6",
+ "4jam",
+ "3v49",
+ "1p1a",
+ "6hq5",
+ "7bwb",
+ "4wd1",
+ "3gyj",
+ "6o3y",
+ "6npv",
+ "8cl2",
+ "1qgx",
+ "5xx6",
+ "6iaz",
+ "2e3p",
+ "6smn",
+ "2jk6",
+ "1g0k",
+ "1bb8",
+ "1ww4",
+ "6lyy",
+ "4lno",
+ "7sa9",
+ "1t1x",
+ "229l",
+ "3way",
+ "3hld",
+ "7fpb",
+ "5ol0",
+ "4c0n",
+ "8ab8",
+ "2ws1",
+ "5d5c",
+ "3p12",
+ "5tj1",
+ "4n3z",
+ "7kl6",
+ "1ino",
+ "7wqm",
+ "6j15",
+ "1xuk",
+ "1l75",
+ "1vgh",
+ "2vxs",
+ "7b3c",
+ "3tk9",
+ "2o1f",
+ "5pr6",
+ "6cop",
+ "6y86",
+ "5vz2",
+ "4gx8",
+ "6eqm",
+ "6v52",
+ "6j2g",
+ "3f74",
+ "2a0w",
+ "3i7g",
+ "1z6v",
+ "8gof",
+ "5ugf",
+ "6dnp",
+ "3gkf",
+ "8dkx",
+ "6wws",
+ "6oqa",
+ "4etu",
+ "1cdc",
+ "2iep",
+ "4xid",
+ "6mhy",
+ "3ovb",
+ "7q3z",
+ "1foy",
+ "6cmy",
+ "6ayi",
+ "4d53",
+ "6p9x",
+ "6k9o",
+ "6ded",
+ "4gzu",
+ "5mif",
+ "5yui",
+ "1gud",
+ "3l63",
+ "1d7j",
+ "4n2i",
+ "6dud",
+ "3zdd",
+ "2o0o",
+ "1hwi",
+ "5wxn",
+ "7frv",
+ "3v0p",
+ "7q22",
+ "4qpw",
+ "2h65",
+ "5wgb",
+ "5hy3",
+ "3adl",
+ "1goh",
+ "2z5e",
+ "3ffu",
+ "2vyw",
+ "7fjy",
+ "6dpt",
+ "1irz",
+ "3qim",
+ "3g5p",
+ "5hho",
+ "1uhd",
+ "4p0f",
+ "3omo",
+ "1zm7",
+ "6ol6",
+ "5md0",
+ "2n8o",
+ "5cj0",
+ "5hbr",
+ "4il9",
+ "5oo5",
+ "6hui",
+ "6bxn",
+ "1ydd",
+ "1q0f",
+ "5t02",
+ "7kuq",
+ "6f8x",
+ "1i76",
+ "3qcd",
+ "2x3a",
+ "1l46",
+ "7buf",
+ "3d9s",
+ "7ln2",
+ "4dfl",
+ "6j4c",
+ "2fgb",
+ "4pif",
+ "1cb7",
+ "1z6c",
+ "7uxs",
+ "2rtk",
+ "3vh0",
+ "2jd1",
+ "1xx1",
+ "7xq0",
+ "7rqh",
+ "4jak",
+ "3zrp",
+ "5s66",
+ "1mcn",
+ "5uos",
+ "6enw",
+ "5a1x",
+ "4xjb",
+ "1b8e",
+ "6ld0",
+ "1sys",
+ "5jwa",
+ "3daj",
+ "3u99",
+ "4lby",
+ "6n6t",
+ "7zfg",
+ "1d8h",
+ "8d11",
+ "5cfc",
+ "3el8",
+ "5jpv",
+ "5t1x",
+ "2d2r",
+ "3jwj",
+ "6gc5",
+ "5tly",
+ "7a14",
+ "4llu",
+ "7lf7",
+ "1jo8",
+ "3tp2",
+ "6kqx",
+ "6jko",
+ "2w57",
+ "7s2t",
+ "5k2y",
+ "7tyy",
+ "7bcx",
+ "4wj3",
+ "6t04",
+ "3w1v",
+ "4n8q",
+ "3ep7",
+ "3v66",
+ "4jik",
+ "2qfr",
+ "2kvb",
+ "4ixt",
+ "7eg2",
+ "1qie",
+ "4o6d",
+ "4atl",
+ "4cz0",
+ "5l2f",
+ "5nfy",
+ "5nba",
+ "1q0l",
+ "5r3o",
+ "2dsz",
+ "3l9x",
+ "6swx",
+ "3cbx",
+ "2e0m",
+ "6hyw",
+ "1ay4",
+ "3sla",
+ "1l0e",
+ "1ojx",
+ "2v1g",
+ "7ror",
+ "6hsh",
+ "3qjf",
+ "1f15",
+ "1fj3",
+ "1qqo",
+ "4jh3",
+ "7xp3",
+ "7q6s",
+ "5gto",
+ "4imx",
+ "1zlq",
+ "6ig1",
+ "1xqw",
+ "5ps3",
+ "4ojr",
+ "2oi6",
+ "1z34",
+ "6u02",
+ "2wfe",
+ "5djs",
+ "4kgv",
+ "2buo",
+ "4c0k",
+ "6dwb",
+ "5qne",
+ "5fos",
+ "4i6q",
+ "7oup",
+ "5ej6",
+ "5iry",
+ "1w5w",
+ "5spd",
+ "5v2x",
+ "6f43",
+ "6vbz",
+ "6hzb",
+ "4ts7",
+ "2vfz",
+ "2rko",
+ "7a3w",
+ "2kla",
+ "6a02",
+ "7v6j",
+ "5y8a",
+ "6gyz",
+ "3t3w",
+ "2c07",
+ "1n2c",
+ "5g0g",
+ "7acu",
+ "6n7s",
+ "7zf0",
+ "6st0",
+ "4rpb",
+ "2ow1",
+ "6ax4",
+ "3wa4",
+ "6bhx",
+ "5tk0",
+ "1zic",
+ "6t1e",
+ "6h7f",
+ "2of2",
+ "5wfv",
+ "1hyp",
+ "2lpc",
+ "6rhf",
+ "5u0v",
+ "2afv",
+ "4mma",
+ "4k4q",
+ "6y9u",
+ "2x8c",
+ "4ciw",
+ "6nxb",
+ "6u6y",
+ "3pqb",
+ "4jn4",
+ "1bma",
+ "8gy1",
+ "4ayo",
+ "3txn",
+ "5llj",
+ "3zom",
+ "1kne",
+ "3rr6",
+ "4f2b",
+ "4wbc",
+ "3okq",
+ "2fx3",
+ "6ymz",
+ "5klb",
+ "1agf",
+ "4mom",
+ "7snh",
+ "5ls7",
+ "5vqv",
+ "3ew8",
+ "4g0v",
+ "1tk3",
+ "7fak",
+ "1exc",
+ "2g8r",
+ "1l0p",
+ "3b4v",
+ "5dgu",
+ "4ase",
+ "7vp9",
+ "2rsu",
+ "5vw4",
+ "4gzs",
+ "4p0c",
+ "4ivw",
+ "1hfd",
+ "3zws",
+ "3azk",
+ "4xs1",
+ "8d9n",
+ "1fpk",
+ "1qio",
+ "2ol4",
+ "7rrm",
+ "3is4",
+ "6mdp",
+ "1s4j",
+ "3fuw",
+ "5d0b",
+ "2vca",
+ "6s9x",
+ "7jwr",
+ "2z5j",
+ "1nqi",
+ "4peq",
+ "5epq",
+ "5xfl",
+ "3hqg",
+ "1dup",
+ "6dxs",
+ "6b1b",
+ "3wwq",
+ "7cwa",
+ "3jsp",
+ "6bt9",
+ "6qk9",
+ "4dbw",
+ "3op5",
+ "1vij",
+ "5jn9",
+ "7ufb",
+ "2kjl",
+ "6eup",
+ "1fyh",
+ "7vux",
+ "6ax6",
+ "2lb3",
+ "2wbx",
+ "1r16",
+ "1dru",
+ "5ub5",
+ "2v7p",
+ "3a2i",
+ "4k5q",
+ "181l",
+ "2j3g",
+ "1e3p",
+ "5lb6",
+ "5uik",
+ "1yxh",
+ "5xyt",
+ "7znw",
+ "6ixo",
+ "4aqp",
+ "1t37",
+ "3af3",
+ "4dje",
+ "2grh",
+ "5o0f",
+ "2z1p",
+ "1dka",
+ "2prh",
+ "1ozn",
+ "4i2h",
+ "4aow",
+ "4pyd",
+ "5rby",
+ "7obe",
+ "5ab3",
+ "5f4v",
+ "5hrv",
+ "1vio",
+ "4std",
+ "4d7u",
+ "6dq8",
+ "7od1",
+ "1h75",
+ "6g0b",
+ "5d4o",
+ "5x2k",
+ "3l5x",
+ "7sp1",
+ "8fwu",
+ "5akd",
+ "5oez",
+ "4qlq",
+ "3re2",
+ "5n89",
+ "7qef",
+ "1hqi",
+ "1xg2",
+ "3als",
+ "6ihr",
+ "1urz",
+ "7cw0",
+ "1o7s",
+ "1rav",
+ "6moj",
+ "7pqz",
+ "1jr9",
+ "1kta",
+ "3w1s",
+ "6l64",
+ "4x59",
+ "5mx1",
+ "3llo",
+ "2j9z",
+ "6bec",
+ "1s0y",
+ "2idk",
+ "7pc6",
+ "4za2",
+ "5cmw",
+ "5a15",
+ "1pr5",
+ "6hxa",
+ "6lvc",
+ "1i7u",
+ "3nh2",
+ "2aq8",
+ "7wmk",
+ "3vmx",
+ "4k0v",
+ "4mor",
+ "6j27",
+ "3fol",
+ "2v60",
+ "5zle",
+ "7vs3",
+ "4ufc",
+ "1ybo",
+ "5hum",
+ "6ryt",
+ "4uo0",
+ "1g1h",
+ "7mj7",
+ "4gqs",
+ "6lwc",
+ "3lqq",
+ "6gxz",
+ "5lt1",
+ "1irb",
+ "6lwq",
+ "3vxm",
+ "2mbx",
+ "1r5x",
+ "2gp5",
+ "2vak",
+ "6pa1",
+ "5u8f",
+ "6fut",
+ "1mz9",
+ "1d7x",
+ "4yjp",
+ "7c4s",
+ "7v3d",
+ "1zh4",
+ "1t1w",
+ "5eqh",
+ "1yid",
+ "3w2z",
+ "4tsq",
+ "5bun",
+ "5oo9",
+ "5ktf",
+ "6eg7",
+ "5mrq",
+ "3gnc",
+ "8eqo",
+ "1q9o",
+ "8ffr",
+ "4ut0",
+ "1myo",
+ "3pxh",
+ "2h6z",
+ "6ooq",
+ "5xss",
+ "5pu3",
+ "5fk8",
+ "4cyq",
+ "4m58",
+ "2anq",
+ "2knj",
+ "5j7u",
+ "4af0",
+ "3tqa",
+ "5due",
+ "1usv",
+ "6eet",
+ "4l4v",
+ "5gxv",
+ "5txv",
+ "1ot4",
+ "4phh",
+ "6t4k",
+ "3sej",
+ "5pbf",
+ "7mu9",
+ "7d56",
+ "7lk1",
+ "1ke7",
+ "1s9w",
+ "6vzu",
+ "6dx5",
+ "5xs2",
+ "1dog",
+ "7mzq",
+ "2wvu",
+ "3hjt",
+ "4ezd",
+ "5qu8",
+ "2a8w",
+ "4oqo",
+ "1si7",
+ "3dpa",
+ "8hjd",
+ "2qf3",
+ "8er6",
+ "1blq",
+ "4kga",
+ "7bwo",
+ "1a3o",
+ "3g6x",
+ "5j2h",
+ "6om8",
+ "5kxb",
+ "2pja",
+ "3dj9",
+ "5ij1",
+ "1d03",
+ "4ct0",
+ "3hfs",
+ "1dg5",
+ "1ks9",
+ "1tsm",
+ "4xey",
+ "5nhv",
+ "1mmz",
+ "5hn3",
+ "3aev",
+ "6yn2",
+ "7d7c",
+ "4txj",
+ "7wni",
+ "6yxf",
+ "4fk5",
+ "1ur5",
+ "3t2e",
+ "4ex9",
+ "4jmc",
+ "3oc8",
+ "7khx",
+ "5e0j",
+ "7u32",
+ "7z0g",
+ "2z7j",
+ "2ge4",
+ "6bqe",
+ "5uli",
+ "2xsb",
+ "1fsl",
+ "1h4b",
+ "4z47",
+ "1tnx",
+ "2y76",
+ "4e8c",
+ "4jzu",
+ "6lfp",
+ "3o1o",
+ "5p6u",
+ "6arm",
+ "1ym4",
+ "3v1s",
+ "3zvg",
+ "3dv1",
+ "3qe2",
+ "1gtk",
+ "5ls0",
+ "2vs8",
+ "2ykc",
+ "6nxd",
+ "7az5",
+ "3jta",
+ "1szd",
+ "3vbq",
+ "5eso",
+ "6a6h",
+ "3hsh",
+ "2c2k",
+ "5hh3",
+ "5pxf",
+ "2fkd",
+ "7b9p",
+ "4zih",
+ "7urd",
+ "2mlq",
+ "2jyq",
+ "4dm9",
+ "2izy",
+ "5wg4",
+ "2pna",
+ "6qn7",
+ "1s3x",
+ "5uke",
+ "1o81",
+ "1eiq",
+ "1a0k",
+ "4i7o",
+ "3biy",
+ "5w7c",
+ "6h9h",
+ "7cko",
+ "4n17",
+ "7ngc",
+ "4fvf",
+ "1nmp",
+ "2vun",
+ "2nml",
+ "4men",
+ "1d0o",
+ "6svw",
+ "8dzt",
+ "5s5e",
+ "6hq3",
+ "4k8x",
+ "8dhm",
+ "2xdw",
+ "7jp2",
+ "7tct",
+ "2azx",
+ "3ls6",
+ "6alx",
+ "7w81",
+ "4heg",
+ "1fnf",
+ "8b5c",
+ "4z8k",
+ "2xpe",
+ "5tmw",
+ "2o6u",
+ "2dt7",
+ "8b3k",
+ "1nbo",
+ "6lpy",
+ "1hvv",
+ "2hiu",
+ "2i17",
+ "3ug3",
+ "1mfr",
+ "4ugo",
+ "6sb7",
+ "5i04",
+ "1cti",
+ "4wob",
+ "6muz",
+ "2igk",
+ "3och",
+ "7lgh",
+ "2v5s",
+ "4lxd",
+ "6pls",
+ "4q87",
+ "2y8r",
+ "6gwh",
+ "2wq8",
+ "7mm6",
+ "3r7s",
+ "6fxj",
+ "4l0t",
+ "1ttb",
+ "1cur",
+ "2m5m",
+ "4xsh",
+ "5scf",
+ "2vpr",
+ "4grs",
+ "2znw",
+ "7f32",
+ "1ffv",
+ "1mce",
+ "1rs9",
+ "1okc",
+ "3psa",
+ "4pcz",
+ "1mqq",
+ "6ylc",
+ "3a15",
+ "5ue6",
+ "6fsm",
+ "6ed1",
+ "6kxv",
+ "2vv0",
+ "4yxa",
+ "1gu8",
+ "1dlv",
+ "3ksl",
+ "7u3d",
+ "2pl3",
+ "2ohb",
+ "7yj6",
+ "5oo4",
+ "5ruo",
+ "6c2g",
+ "5trk",
+ "4c8y",
+ "6nuk",
+ "5rus",
+ "1ajw",
+ "5u36",
+ "2mfi",
+ "4xaa",
+ "8hj2",
+ "2phk",
+ "8dcz",
+ "5m6j",
+ "5uqq",
+ "7cjp",
+ "5em3",
+ "6se0",
+ "1xqp",
+ "3qiz",
+ "7enb",
+ "3awu",
+ "3zpn",
+ "3ayn",
+ "6swm",
+ "3hkx",
+ "7f9i",
+ "3bza",
+ "8eqz",
+ "4ekx",
+ "6e5q",
+ "6d0e",
+ "2mwh",
+ "3rs9",
+ "5g65",
+ "3zzm",
+ "2lwf",
+ "1y2q",
+ "1dod",
+ "5gni",
+ "5d71",
+ "8f7s",
+ "6cg6",
+ "7xbz",
+ "7a78",
+ "3q7b",
+ "6d5t",
+ "7uhm",
+ "6g3h",
+ "4tto",
+ "7wt3",
+ "4hca",
+ "3lw2",
+ "2k4f",
+ "1h29",
+ "8gng",
+ "5lz9",
+ "1jl2",
+ "1lji",
+ "5yv5",
+ "6a5b",
+ "2l37",
+ "6bbw",
+ "4rdp",
+ "2bjw",
+ "1ev2",
+ "4ij5",
+ "3bv7",
+ "4d4g",
+ "6qvu",
+ "2z9a",
+ "3vkf",
+ "6pay",
+ "5lrb",
+ "4nk3",
+ "1jiy",
+ "6a07",
+ "4d40",
+ "5pjn",
+ "6wjy",
+ "3kt3",
+ "6q4c",
+ "5wz1",
+ "5p5b",
+ "7pgm",
+ "6lvb",
+ "4qk1",
+ "6drr",
+ "5ujo",
+ "4wo4",
+ "7emu",
+ "4hzo",
+ "4u5u",
+ "6kmf",
+ "1cx8",
+ "3qpu",
+ "6pc3",
+ "2gje",
+ "7emv",
+ "4bsp",
+ "2dst",
+ "3w67",
+ "4geb",
+ "2jub",
+ "3dpk",
+ "1zxn",
+ "5v51",
+ "5kff",
+ "4bd4",
+ "5qlh",
+ "5zgh",
+ "7ey6",
+ "3drk",
+ "2y1a",
+ "3o1a",
+ "2f2q",
+ "7pre",
+ "2clo",
+ "5dbu",
+ "2wkl",
+ "7udq",
+ "7yjm",
+ "1mne",
+ "1suw",
+ "1o43",
+ "1h0a",
+ "1xrn",
+ "1ddh",
+ "4bqr",
+ "3ss1",
+ "6f9v",
+ "5z5h",
+ "6wm3",
+ "4bpk",
+ "1w7h",
+ "7kjx",
+ "1i04",
+ "4hg7",
+ "5ucx",
+ "2k2n",
+ "3f33",
+ "5up5",
+ "1f0y",
+ "7c60",
+ "6o2n",
+ "1zxz",
+ "2kc8",
+ "7mig",
+ "2ioy",
+ "6fjd",
+ "3se6",
+ "6d13",
+ "1md7",
+ "2xz3",
+ "1ail",
+ "5v6o",
+ "4l42",
+ "1t29",
+ "7psn",
+ "5mct",
+ "4blo",
+ "2ajm",
+ "7k8m",
+ "1maw",
+ "1u2q",
+ "6uvu",
+ "4jf8",
+ "5u6e",
+ "6nty",
+ "4q2p",
+ "5fdd",
+ "2fuu",
+ "7cdb",
+ "5nos",
+ "4b0b",
+ "4c8s",
+ "3cah",
+ "5t2l",
+ "6qjn",
+ "5lud",
+ "1mw4",
+ "1zem",
+ "1ob9",
+ "4ku5",
+ "3g3w",
+ "4unz",
+ "2orz",
+ "3ahx",
+ "6tun",
+ "5i50",
+ "4gu1",
+ "1x75",
+ "2z2j",
+ "6qoj",
+ "4c8p",
+ "4kpu",
+ "1hrh",
+ "6ugs",
+ "2k3f",
+ "1xll",
+ "6ptn",
+ "6mb8",
+ "1qxn",
+ "1k1g",
+ "4llm",
+ "5b50",
+ "7zmb",
+ "2hex",
+ "2m80",
+ "4jz8",
+ "5hoc",
+ "4pdz",
+ "6lp9",
+ "194l",
+ "6kto",
+ "3sm2",
+ "7l9k",
+ "1bxl",
+ "4j0i",
+ "4a8q",
+ "6rs5",
+ "6cme",
+ "6c0k",
+ "5dwj",
+ "7kx8",
+ "4yxj",
+ "6vd0",
+ "3pzy",
+ "6xhd",
+ "1pwm",
+ "6zp9",
+ "4z55",
+ "4ohh",
+ "4gms",
+ "5f7l",
+ "2qgb",
+ "4hii",
+ "5u0h",
+ "7xyb",
+ "5voz",
+ "2nq8",
+ "1n7f",
+ "8afb",
+ "2kii",
+ "2pxu",
+ "8dl6",
+ "4dju",
+ "1lsi",
+ "5tlk",
+ "5h8h",
+ "1a8p",
+ "5z12",
+ "1z55",
+ "7vmt",
+ "7a7g",
+ "4i45",
+ "6oit",
+ "5feu",
+ "6xpz",
+ "4fno",
+ "4ajw",
+ "1e8t",
+ "6u4k",
+ "4avg",
+ "4zp7",
+ "1x93",
+ "1al3",
+ "4wza",
+ "6ttv",
+ "6k7d",
+ "6e52",
+ "3fi7",
+ "2zvy",
+ "6lju",
+ "2ody",
+ "6hqu",
+ "3sei",
+ "5avg",
+ "5hpu",
+ "6v19",
+ "7b40",
+ "5imk",
+ "6exp",
+ "6hn6",
+ "5yt6",
+ "1vgp",
+ "1c56",
+ "2ish",
+ "6zf8",
+ "1akq",
+ "7lul",
+ "6gq9",
+ "1kdn",
+ "6b97",
+ "2vqu",
+ "3t5y",
+ "1yk3",
+ "5xnl",
+ "6izh",
+ "7sju",
+ "3hit",
+ "6wyq",
+ "4cmo",
+ "2n2k",
+ "3chr",
+ "7k4b",
+ "5urz",
+ "6ys9",
+ "5w7f",
+ "4yk4",
+ "7ubk",
+ "4jy7",
+ "3fpo",
+ "2rjl",
+ "4imh",
+ "5tsj",
+ "5ud0",
+ "3s0g",
+ "6o39",
+ "7zrg",
+ "2b29",
+ "4qhf",
+ "3k3o",
+ "3fgr",
+ "1u9t",
+ "4l75",
+ "7jiw",
+ "3dwg",
+ "2bd9",
+ "1b1c",
+ "5ln0",
+ "1y4c",
+ "2je2",
+ "5mlp",
+ "4g0p",
+ "1w7l",
+ "4pvm",
+ "5qu0",
+ "7mrc",
+ "4l3b",
+ "7rff",
+ "7q3l",
+ "1cmz",
+ "2esv",
+ "7vu5",
+ "3rr8",
+ "4q2j",
+ "4nwn",
+ "5fzn",
+ "2rgf",
+ "4eya",
+ "4qkx",
+ "5e6j",
+ "1g11",
+ "2ifs",
+ "7kmh",
+ "6ipu",
+ "2p32",
+ "7a3u",
+ "1fgp",
+ "5ikj",
+ "6w0y",
+ "6jrf",
+ "3fuz",
+ "4b1v",
+ "6au5",
+ "5e7c",
+ "7qyq",
+ "7aot",
+ "7k32",
+ "5ypw",
+ "5f77",
+ "2kpb",
+ "7n2l",
+ "1p7c",
+ "6r2g",
+ "3akb",
+ "5dsu",
+ "4x55",
+ "6w0g",
+ "3iw0",
+ "4zhy",
+ "5rly",
+ "3t01",
+ "2xgd",
+ "3gjo",
+ "2ztw",
+ "6vmx",
+ "3qrr",
+ "1ssl",
+ "7rxi",
+ "6mma",
+ "4xym",
+ "7y11",
+ "4dee",
+ "4lh8",
+ "6fzx",
+ "2zd1",
+ "6g5y",
+ "4kbk",
+ "6rbd",
+ "1gbr",
+ "6xzh",
+ "1wc4",
+ "7swa",
+ "2pd8",
+ "5of8",
+ "6g4y",
+ "2v29",
+ "7mg4",
+ "6o2m",
+ "3rqc",
+ "1udd",
+ "6l7x",
+ "2jdw",
+ "1t1p",
+ "4ddi",
+ "1t83",
+ "3sh1",
+ "5thb",
+ "6xh2",
+ "4b4n",
+ "6xj5",
+ "6ks0",
+ "1hax",
+ "3wxy",
+ "3tt0",
+ "7qvf",
+ "1o0s",
+ "1euj",
+ "5qmm",
+ "3nvc",
+ "4zg7",
+ "8h3u",
+ "6wf1",
+ "5u78",
+ "7s09",
+ "1h7z",
+ "6q0f",
+ "2b26",
+ "1on2",
+ "4nba",
+ "1e0o",
+ "4xpo",
+ "8d9a",
+ "6p9d",
+ "1r0f",
+ "1deg",
+ "3mi8",
+ "7d7e",
+ "4ieo",
+ "4r6p",
+ "5u1g",
+ "5x9k",
+ "1gxb",
+ "2wtd",
+ "2lgx",
+ "2fz1",
+ "5pbh",
+ "6t8h",
+ "5kql",
+ "6apq",
+ "3sbt",
+ "2a22",
+ "4eq6",
+ "7cr7",
+ "1ncf",
+ "1o4b",
+ "4bim",
+ "5l40",
+ "3vdp",
+ "5wdy",
+ "1ykg",
+ "5hv0",
+ "6dam",
+ "4yiv",
+ "2qfl",
+ "2vhh",
+ "3mjz",
+ "3hpn",
+ "7vhr",
+ "4uai",
+ "4n69",
+ "5rdu",
+ "5lom",
+ "8flz",
+ "5ve4",
+ "3c3n",
+ "8h1p",
+ "1bwp",
+ "6j9w",
+ "4mol",
+ "4deb",
+ "4m4b",
+ "1ftl",
+ "7wpt",
+ "4ziu",
+ "3lmg",
+ "5cem",
+ "5l5f",
+ "2g8d",
+ "2na7",
+ "7c7g",
+ "6u3y",
+ "5aih",
+ "4lj8",
+ "3g7i",
+ "7nya",
+ "6vz4",
+ "4jkm",
+ "1m6b",
+ "3saz",
+ "2oor",
+ "3kdt",
+ "4mh7",
+ "5xje",
+ "5zvr",
+ "3hm3",
+ "1ai9",
+ "7rpx",
+ "4lzo",
+ "7yja",
+ "2g34",
+ "1agx",
+ "5w3m",
+ "1w0w",
+ "6hjw",
+ "5gmz",
+ "5akc",
+ "8b3w",
+ "5jfl",
+ "6xyz",
+ "1e8g",
+ "1djl",
+ "7qgc",
+ "2bjd",
+ "6dju",
+ "4kbp",
+ "2ghm",
+ "5i0k",
+ "3k5s",
+ "1f4o",
+ "1hrk",
+ "3h2l",
+ "6yzr",
+ "6bkg",
+ "4br9",
+ "6v7q",
+ "6cn7",
+ "4as7",
+ "3pkz",
+ "5x2z",
+ "6n24",
+ "1lpp",
+ "6a2l",
+ "1isg",
+ "2j50",
+ "6wme",
+ "1b48",
+ "3elv",
+ "6q0d",
+ "4hvd",
+ "8fd8",
+ "1mq5",
+ "6iwf",
+ "5lav",
+ "6qen",
+ "3jv7",
+ "4asd",
+ "6do5",
+ "5qdp",
+ "1dkx",
+ "6g15",
+ "4a3n",
+ "7nsl",
+ "3iwt",
+ "6o0l",
+ "5cm5",
+ "3hb8",
+ "7bhh",
+ "4um3",
+ "2kp2",
+ "5vm6",
+ "2jtc",
+ "1asp",
+ "3ahf",
+ "7b4u",
+ "7jve",
+ "4fua",
+ "3uej",
+ "5pka",
+ "2v54",
+ "7mil",
+ "5joy",
+ "6wrw",
+ "1sio",
+ "5lyl",
+ "6k8g",
+ "5jom",
+ "2vtm",
+ "5tih",
+ "4mid",
+ "2lbo",
+ "4d59",
+ "7vxw",
+ "5moy",
+ "7f2r",
+ "2f4y",
+ "6p02",
+ "3n67",
+ "7s4i",
+ "7mhy",
+ "7xur",
+ "4nyf",
+ "5his",
+ "3pxi",
+ "2bbi",
+ "1xd4",
+ "5xpt",
+ "6p3z",
+ "6lx0",
+ "6r1d",
+ "3vph",
+ "3lya",
+ "1o5p",
+ "2g29",
+ "1rw5",
+ "7daa",
+ "6az1",
+ "6rtm",
+ "2q4c",
+ "7uhs",
+ "5ttr",
+ "6co4",
+ "3zk1",
+ "4zpb",
+ "4aiq",
+ "3qyd",
+ "3n9q",
+ "2quj",
+ "3ntq",
+ "4l6z",
+ "1a5z",
+ "4r8i",
+ "5g28",
+ "6eeh",
+ "5akv",
+ "1f5c",
+ "5p4x",
+ "5wii",
+ "8a0v",
+ "3k2b",
+ "4imv",
+ "8b02",
+ "6baa",
+ "4f6n",
+ "8b8d",
+ "7r5w",
+ "4mv0",
+ "6ax7",
+ "3rm8",
+ "6bcb",
+ "1g51",
+ "6dur",
+ "2nto",
+ "3ujd",
+ "1r65",
+ "2xjy",
+ "4x7k",
+ "4ftx",
+ "1rh5",
+ "5twx",
+ "6nmr",
+ "6taw",
+ "1anc",
+ "2jky",
+ "6ewh",
+ "6xhm",
+ "6nts",
+ "8hk0",
+ "1jbh",
+ "1jnt",
+ "7pck",
+ "1x9p",
+ "3kc3",
+ "7klg",
+ "7vi9",
+ "7lyu",
+ "1dzc",
+ "6vua",
+ "5krc",
+ "4gap",
+ "6wr4",
+ "2grz",
+ "3nej",
+ "3az8",
+ "3q9q",
+ "4hx4",
+ "1c3i",
+ "3k9k",
+ "4qj5",
+ "1yf8",
+ "7rcu",
+ "8efo",
+ "1hly",
+ "7n7k",
+ "1auw",
+ "7q0n",
+ "5ow6",
+ "7e6r",
+ "3biw",
+ "5yf5",
+ "4aoy",
+ "2k9i",
+ "7okc",
+ "1olo",
+ "5mez",
+ "3fzm",
+ "4axm",
+ "1qa6",
+ "4ppd",
+ "7df4",
+ "6qyk",
+ "4low",
+ "4ikt",
+ "5pt5",
+ "5ys8",
+ "4kca",
+ "6qsf",
+ "4dxl",
+ "4avw",
+ "4hf1",
+ "5zqc",
+ "6emu",
+ "6sr1",
+ "1oa4",
+ "5roe",
+ "5rml",
+ "4f1b",
+ "7sk7",
+ "1t2r",
+ "1gvs",
+ "7lko",
+ "2qjj",
+ "3ged",
+ "6ofj",
+ "6abt",
+ "3lr6",
+ "5d4z",
+ "4bj6",
+ "1kv3",
+ "7ouh",
+ "1dik",
+ "2q0g",
+ "3pa5",
+ "2nw6",
+ "1wq4",
+ "5iia",
+ "6sfr",
+ "3kjq",
+ "2oqo",
+ "1hm8",
+ "3k62",
+ "7rxu",
+ "7krj",
+ "4wfc",
+ "2i3z",
+ "4lds",
+ "5tyr",
+ "5p15",
+ "5jna",
+ "6ayg",
+ "7fh9",
+ "1r64",
+ "1r3t",
+ "1g3u",
+ "6pzm",
+ "2vdb",
+ "4f0o",
+ "1bcd",
+ "5yh8",
+ "5ifm",
+ "5utj",
+ "2fr5",
+ "1kwq",
+ "1u2f",
+ "4iqw",
+ "1syl",
+ "4whf",
+ "2dh6",
+ "4g55",
+ "6zan",
+ "6vfx",
+ "5msl",
+ "1nrf",
+ "6uaz",
+ "7kw7",
+ "5efg",
+ "6m96",
+ "2wot",
+ "2nyk",
+ "4u75",
+ "7f5k",
+ "5q0p",
+ "3wla",
+ "3j2v",
+ "6m75",
+ "6hpd",
+ "4kzc",
+ "5mm9",
+ "2pfk",
+ "5d6w",
+ "2rjt",
+ "1d3h",
+ "3rrn",
+ "5cbo",
+ "3dwb",
+ "1h8f",
+ "7upr",
+ "3s02",
+ "5auw",
+ "4u2s",
+ "5r2t",
+ "6cbd",
+ "2q2a",
+ "1a1c",
+ "6p53",
+ "4qz6",
+ "3ogd",
+ "1m5s",
+ "6b86",
+ "4n0l",
+ "7x6l",
+ "6b0t",
+ "2map",
+ "7vxz",
+ "7o8j",
+ "6fyu",
+ "1alw",
+ "4jhj",
+ "6tpw",
+ "1gjj",
+ "6is8",
+ "1qe6",
+ "3rnc",
+ "5otp",
+ "5vi7",
+ "4wtc",
+ "3zkl",
+ "1ht6",
+ "6iuo",
+ "5mky",
+ "4owr",
+ "7xab",
+ "4hj5",
+ "5p4e",
+ "1e8r",
+ "3fvi",
+ "6qpv",
+ "7dbf",
+ "1k46",
+ "6nbp",
+ "1gy2",
+ "2auq",
+ "3ugb",
+ "3rtr",
+ "6rjh",
+ "3idw",
+ "5jag",
+ "3l29",
+ "1n00",
+ "5npr",
+ "4xq3",
+ "4qr5",
+ "1qlo",
+ "7um3",
+ "2c26",
+ "4jm3",
+ "5ozy",
+ "1gup",
+ "1yu6",
+ "4gow",
+ "6ijx",
+ "3qzw",
+ "3jwe",
+ "1g7a",
+ "4v2g",
+ "1g7b",
+ "8dw7",
+ "4aif",
+ "7x8a",
+ "1cgk",
+ "5p5g",
+ "5n06",
+ "1oef",
+ "7lia",
+ "6wfi",
+ "5aok",
+ "4kc6",
+ "5egy",
+ "4o1j",
+ "5hut",
+ "2fme",
+ "2g6q",
+ "7w70",
+ "1yt0",
+ "6io4",
+ "7zes",
+ "6dj4",
+ "3emc",
+ "4jlt",
+ "6jyb",
+ "7cqk",
+ "1dg7",
+ "2kph",
+ "4a3r",
+ "2rq6",
+ "2po3",
+ "4ufz",
+ "3qjn",
+ "4m7u",
+ "5xvw",
+ "5f9w",
+ "6xdb",
+ "1te6",
+ "2zfh",
+ "5xtw",
+ "7eh3",
+ "5xvn",
+ "3kdb",
+ "5wc7",
+ "2yhb",
+ "5b0h",
+ "3w34",
+ "4naz",
+ "1ngw",
+ "5eqx",
+ "6q56",
+ "5za4",
+ "6ayq",
+ "4wae",
+ "3qv6",
+ "4y6k",
+ "3ai7",
+ "1emo",
+ "6myj",
+ "3sd4",
+ "1ycd",
+ "3c4q",
+ "6e6w",
+ "4aue",
+ "3m1d",
+ "2ae2",
+ "6j1i",
+ "5hb6",
+ "8fwx",
+ "5xwr",
+ "6ald",
+ "7jjb",
+ "1ooy",
+ "3e65",
+ "1h8x",
+ "7uj3",
+ "2wd1",
+ "4k44",
+ "129l",
+ "3as8",
+ "5oz8",
+ "1ior",
+ "3dfz",
+ "1eil",
+ "1qus",
+ "4nqe",
+ "4p2y",
+ "4xds",
+ "7ppb",
+ "2q8h",
+ "2nro",
+ "3j9u",
+ "3hrd",
+ "4m99",
+ "7k08",
+ "4kzf",
+ "7si9",
+ "4iax",
+ "5ul9",
+ "1m6p",
+ "2wwz",
+ "6a9o",
+ "6l30",
+ "2fom",
+ "5o16",
+ "2fqy",
+ "3c99",
+ "1azg",
+ "1e0s",
+ "1v0y",
+ "5yqj",
+ "7f1s",
+ "2pbj",
+ "6fsq",
+ "6jnf",
+ "5tsz",
+ "4ngl",
+ "2d5i",
+ "6fhc",
+ "6uye",
+ "4xol",
+ "5t9w",
+ "6y80",
+ "3thc",
+ "1ipb",
+ "7f9b",
+ "4ati",
+ "3m7s",
+ "2yyj",
+ "7jwb",
+ "8dvu",
+ "5p2h",
+ "6xuz",
+ "1nc6",
+ "4fhz",
+ "1jpw",
+ "4m16",
+ "3il8",
+ "5pki",
+ "6mpt",
+ "2www",
+ "5uin",
+ "6ncq",
+ "4r6n",
+ "5xyx",
+ "1vdh",
+ "2x5i",
+ "3rzu",
+ "5o5a",
+ "6prt",
+ "3spf",
+ "5d6k",
+ "4rs1",
+ "1odn",
+ "1b6t",
+ "3wi9",
+ "8gps",
+ "3ibe",
+ "4os6",
+ "5oti",
+ "2fzb",
+ "3ukd",
+ "1lwu",
+ "3sq6",
+ "4d3h",
+ "2r0n",
+ "2xhd",
+ "2kpa",
+ "4lhh",
+ "2cbq",
+ "1tr4",
+ "2pzw",
+ "6sch",
+ "1alj",
+ "4qts",
+ "6h1b",
+ "7w6i",
+ "2fk1",
+ "1e1f",
+ "2oy8",
+ "3byu",
+ "1b03",
+ "8aup",
+ "4hlg",
+ "6sap",
+ "5w95",
+ "1jkw",
+ "5c1w",
+ "3goe",
+ "5wqi",
+ "6pf5",
+ "5aei",
+ "6eol",
+ "7ujq",
+ "6sku",
+ "5rg1",
+ "1wp8",
+ "6tx7",
+ "2xl3",
+ "1qvk",
+ "2xfu",
+ "2cgk",
+ "7o84",
+ "5ydr",
+ "6q9c",
+ "5q0k",
+ "2qfx",
+ "5toi",
+ "2but",
+ "1e68",
+ "7drs",
+ "5kra",
+ "2ewh",
+ "6exm",
+ "7q8b",
+ "4azh",
+ "1jtm",
+ "1p2r",
+ "1zub",
+ "1xz5",
+ "5ewn",
+ "1p2b",
+ "1jyt",
+ "7b8y",
+ "3tw4",
+ "8b8t",
+ "2hzy",
+ "4qj7",
+ "7xtv",
+ "3ziy",
+ "6fml",
+ "6amj",
+ "3gqz",
+ "5l89",
+ "4ufv",
+ "1hd4",
+ "6wcz",
+ "1xgd",
+ "5a3o",
+ "3st6",
+ "7r7b",
+ "4kfn",
+ "3efr",
+ "1w6l",
+ "7slt",
+ "2pzk",
+ "4zc0",
+ "5pv4",
+ "6lj4",
+ "2g8v",
+ "1x0l",
+ "1oe8",
+ "5ion",
+ "2kl8",
+ "7wj2",
+ "5wpb",
+ "8a2k",
+ "1poc",
+ "2ft1",
+ "1ppx",
+ "3u31",
+ "1gqz",
+ "2mq2",
+ "3mx8",
+ "2whf",
+ "6yhv",
+ "5imm",
+ "3u4n",
+ "6h6b",
+ "7n1a",
+ "6wmn",
+ "6epz",
+ "5www",
+ "3hdf",
+ "2lyl",
+ "4uqe",
+ "4z73",
+ "1org",
+ "4huq",
+ "2atx",
+ "6v7e",
+ "5m5a",
+ "4p4r",
+ "7npw",
+ "7w8d",
+ "2b1e",
+ "3bxj",
+ "4tx7",
+ "7v8w",
+ "1a88",
+ "2chp",
+ "4j2y",
+ "2jma",
+ "8abm",
+ "6fzb",
+ "1x07",
+ "1f45",
+ "6jb8",
+ "3ukt",
+ "5i5m",
+ "1q02",
+ "7ywk",
+ "5q0h",
+ "1usn",
+ "3tkm",
+ "3zdm",
+ "6jwv",
+ "7w6d",
+ "5r06",
+ "5djt",
+ "5pu0",
+ "4x0t",
+ "1q0n",
+ "5pl9",
+ "6b4f",
+ "6kmu",
+ "6x5a",
+ "5pfl",
+ "2n94",
+ "3uo3",
+ "5f3y",
+ "1q2k",
+ "6u7i",
+ "1k4w",
+ "5lcd",
+ "3zt4",
+ "6ni2",
+ "4hxy",
+ "5kam",
+ "7z90",
+ "4db9",
+ "5oka",
+ "6j28",
+ "4itn",
+ "6e4v",
+ "7epr",
+ "2vg4",
+ "4uim",
+ "7z4f",
+ "1qad",
+ "3b6j",
+ "6jel",
+ "8b91",
+ "1ltz",
+ "2h64",
+ "3w6q",
+ "6m0f",
+ "4k3v",
+ "8bxr",
+ "3o2k",
+ "2zeo",
+ "3hef",
+ "6z3k",
+ "5ii6",
+ "4w7j",
+ "6mmr",
+ "7dm5",
+ "4hdc",
+ "4ful",
+ "2h02",
+ "2b3h",
+ "2v95",
+ "5v9l",
+ "5x0v",
+ "1dv8",
+ "7tlp",
+ "4y84",
+ "1f7a",
+ "4o75",
+ "8aj6",
+ "2pv2",
+ "5tuq",
+ "5i69",
+ "6g6j",
+ "6s1d",
+ "5uq2",
+ "7uov",
+ "5vly",
+ "5per",
+ "5wbm",
+ "7opj",
+ "7nt5",
+ "3uor",
+ "3poe",
+ "4umn",
+ "2v98",
+ "2acu",
+ "4xu6",
+ "3mk5",
+ "2m8n",
+ "4oj5",
+ "3rgi",
+ "4n3u",
+ "6jw4",
+ "6zzt",
+ "4two",
+ "6b3s",
+ "4z9a",
+ "1ih8",
+ "2dvb",
+ "2ix0",
+ "3a4d",
+ "4kg8",
+ "5ckf",
+ "2zcz",
+ "1iru",
+ "6o7z",
+ "7dsb",
+ "4gsw",
+ "5a7u",
+ "3k6f",
+ "4aje",
+ "2x4u",
+ "3e6f",
+ "1b43",
+ "4arw",
+ "7qzb",
+ "7noc",
+ "5upw",
+ "2e5s",
+ "4mvl",
+ "3i3i",
+ "2fer",
+ "2b1u",
+ "3mnk",
+ "6o9h",
+ "1bm9",
+ "5pw5",
+ "4q9v",
+ "4r65",
+ "1r4p",
+ "4jgg",
+ "1v16",
+ "4irg",
+ "5loh",
+ "4kif",
+ "2pfh",
+ "6pas",
+ "2git",
+ "6cai",
+ "7mnc",
+ "5g11",
+ "1t19",
+ "5e84",
+ "5a5r",
+ "1fsx",
+ "1k2a",
+ "3k00",
+ "4hln",
+ "3wej",
+ "2wxv",
+ "3gxv",
+ "6dm8",
+ "1a4e",
+ "7b3j",
+ "5qkt",
+ "6y3i",
+ "5wfb",
+ "5x1d",
+ "3hcp",
+ "2i0c",
+ "2e1f",
+ "6k1d",
+ "1wjd",
+ "5gqb",
+ "2b3d",
+ "1g0u",
+ "7e1q",
+ "7kiw",
+ "2krj",
+ "5jhx",
+ "7nrt",
+ "6io1",
+ "6qwb",
+ "1i2u",
+ "7ea3",
+ "4wjv",
+ "3ga6",
+ "3won",
+ "5c7t",
+ "7lpr",
+ "4j3m",
+ "4qok",
+ "1zli",
+ "6sxv",
+ "3vt5",
+ "7q1t",
+ "2hx9",
+ "6f9y",
+ "6wqo",
+ "7v4h",
+ "7bd0",
+ "4bwp",
+ "4ywi",
+ "6po5",
+ "1o0c",
+ "3bz4",
+ "5tt8",
+ "1e3v",
+ "2zl2",
+ "2xsj",
+ "5am2",
+ "5b1i",
+ "4kv0",
+ "2ygu",
+ "5tvz",
+ "1off",
+ "7kwb",
+ "2xsf",
+ "4gqc",
+ "6c1m",
+ "5xge",
+ "2kn7",
+ "5e10",
+ "3r3c",
+ "4ywm",
+ "1tb3",
+ "6s02",
+ "5hls",
+ "6nij",
+ "5rud",
+ "2pec",
+ "4lxs",
+ "5jzn",
+ "6g9p",
+ "3h2g",
+ "4ril",
+ "2ro1",
+ "6bcd",
+ "7lo6",
+ "1kcx",
+ "1u8a",
+ "2izi",
+ "1zl7",
+ "8esh",
+ "6kjq",
+ "3kdp",
+ "7zvb",
+ "3qfj",
+ "1n67",
+ "5nwz",
+ "3hzd",
+ "6k05",
+ "1xwo",
+ "4aq2",
+ "7keh",
+ "3ntu",
+ "7mga",
+ "5u8i",
+ "7exh",
+ "6ihg",
+ "2wa1",
+ "4iev",
+ "7tds",
+ "5m4p",
+ "2qly",
+ "7a8u",
+ "4cqv",
+ "4hgp",
+ "2jog",
+ "4o7e",
+ "6b3m",
+ "4woh",
+ "3w3g",
+ "4z1s",
+ "1w92",
+ "2gca",
+ "5dma",
+ "6jjk",
+ "6gnd",
+ "6b7y",
+ "2xr8",
+ "2gmj",
+ "4o2c",
+ "7f6p",
+ "3kv6",
+ "8beu",
+ "5a2o",
+ "1ok7",
+ "3crr",
+ "6fuz",
+ "5f9k",
+ "1l5z",
+ "6a3n",
+ "6xpt",
+ "7mnj",
+ "4j17",
+ "3u6s",
+ "2b4s",
+ "6ved",
+ "2m0x",
+ "3l1v",
+ "3m2c",
+ "7l5s",
+ "6i3a",
+ "2bfi",
+ "7d2j",
+ "2igu",
+ "1wwh",
+ "4amv",
+ "2z7x",
+ "4lbz",
+ "7nty",
+ "2fyj",
+ "1r1w",
+ "1ocb",
+ "1cug",
+ "6g7l",
+ "5y3t",
+ "5ucg",
+ "4wpn",
+ "2vbk",
+ "1a72",
+ "6oz9",
+ "8cd8",
+ "7c0n",
+ "6ame",
+ "7w3d",
+ "5re9",
+ "6kxa",
+ "7rli",
+ "7b35",
+ "1oa0",
+ "6rab",
+ "2rrd",
+ "3bqi",
+ "8dao",
+ "3t6x",
+ "5v3c",
+ "6pzo",
+ "4gsx",
+ "5xfq",
+ "3o3k",
+ "5fi5",
+ "7k7j",
+ "7wqg",
+ "2ka1",
+ "4n2g",
+ "1s5t",
+ "7zy6",
+ "4c1m",
+ "7nil",
+ "7sss",
+ "1jja",
+ "4ra3",
+ "3v00",
+ "2eid",
+ "5dl4",
+ "4wx7",
+ "4b19",
+ "3dad",
+ "3shi",
+ "1ilw",
+ "5fvo",
+ "4nnu",
+ "5b3i",
+ "7zbp",
+ "6dd2",
+ "4bnd",
+ "8dr8",
+ "5vey",
+ "1n3p",
+ "5cfb",
+ "3mxp",
+ "5xe8",
+ "6faa",
+ "5uso",
+ "7xxl",
+ "4s3m",
+ "3d89",
+ "1tf4",
+ "6l36",
+ "3sw1",
+ "5xvh",
+ "3h8n",
+ "8a9g",
+ "5fgj",
+ "6tmo",
+ "8gqe",
+ "2q2y",
+ "2lig",
+ "4ndp",
+ "5fqq",
+ "4d1t",
+ "5lg4",
+ "6or4",
+ "2jby",
+ "6egx",
+ "1kq8",
+ "7qun",
+ "4k6k",
+ "1fd2",
+ "2mui",
+ "1yca",
+ "6qll",
+ "5ofq",
+ "3uil",
+ "5nii",
+ "2wow",
+ "5kuj",
+ "2vb7",
+ "5onm",
+ "3hqb",
+ "4x13",
+ "1sjh",
+ "4zi2",
+ "3gja",
+ "4md5",
+ "4dec",
+ "4f6o",
+ "7kpb",
+ "5vf9",
+ "5hih",
+ "6ajv",
+ "2kjb",
+ "6r9s",
+ "5tuw",
+ "5nhj",
+ "2pye",
+ "4wmr",
+ "7bi7",
+ "3et5",
+ "6sv1",
+ "8fg0",
+ "2q1e",
+ "2wll",
+ "3pja",
+ "5vdr",
+ "1l8k",
+ "1sk7",
+ "6dwi",
+ "1vj3",
+ "3gii",
+ "1xb9",
+ "1oyc",
+ "4uyl",
+ "8djs",
+ "3njk",
+ "2flt",
+ "4ece",
+ "4air",
+ "2jmw",
+ "4lh7",
+ "2hct",
+ "3rbc",
+ "6ju6",
+ "4uf1",
+ "3rrf",
+ "8cvy",
+ "1yt1",
+ "1llu",
+ "1rit",
+ "4k9g",
+ "3npy",
+ "2bfc",
+ "6tbk",
+ "6tpq",
+ "5r03",
+ "1ql6",
+ "4wk3",
+ "1kwj",
+ "5xov",
+ "8czm",
+ "7bc9",
+ "7plb",
+ "1oed",
+ "1ud1",
+ "4a03",
+ "1zsq",
+ "4zce",
+ "3aad",
+ "1cej",
+ "2o87",
+ "5vce",
+ "5xvt",
+ "2j5k",
+ "6o73",
+ "4iar",
+ "4qt8",
+ "4fmi",
+ "7du1",
+ "4a3v",
+ "5re3",
+ "6aa4",
+ "6ca9",
+ "4ez7",
+ "6avv",
+ "3j82",
+ "3phz",
+ "5h6i",
+ "6obl",
+ "6tbj",
+ "1h3j",
+ "6ils",
+ "6yks",
+ "1ikp",
+ "8hfn",
+ "6u88",
+ "2zxi",
+ "5mtj",
+ "7m7s",
+ "3t3p",
+ "7k9u",
+ "2ixj",
+ "1f29",
+ "2c3n",
+ "3jch",
+ "7ui4",
+ "3f3f",
+ "6m7w",
+ "5kfu",
+ "6nl3",
+ "3e2x",
+ "5yuq",
+ "4j1h",
+ "2lpb",
+ "5nb8",
+ "3p2f",
+ "3qsu",
+ "3rna",
+ "4l4q",
+ "8d63",
+ "6d71",
+ "2h3n",
+ "4fzp",
+ "3g6u",
+ "8gu3",
+ "5fs0",
+ "6xuu",
+ "5lkx",
+ "2brf",
+ "5zhx",
+ "5yw9",
+ "3th8",
+ "2j0q",
+ "2cjt",
+ "4gsp",
+ "3zxl",
+ "1vjs",
+ "6fbo",
+ "7sin",
+ "5g4m",
+ "5y8b",
+ "1nj0",
+ "5p4s",
+ "6qd2",
+ "6a86",
+ "7l2r",
+ "6idj",
+ "3ik7",
+ "1z7j",
+ "7d2o",
+ "3uhu",
+ "2z4d",
+ "4pge",
+ "1mpr",
+ "6wmk",
+ "7s3n",
+ "3ps3",
+ "3p03",
+ "5v2n",
+ "5f9a",
+ "5j7p",
+ "1goc",
+ "3zjs",
+ "4l0w",
+ "7z6a",
+ "2ydi",
+ "6l7r",
+ "2jlj",
+ "6c7b",
+ "3asq",
+ "3vji",
+ "1qhw",
+ "7feq",
+ "3bwa",
+ "3mav",
+ "7bqy",
+ "2r84",
+ "3oe0",
+ "1bwc",
+ "2ayh",
+ "6axq",
+ "3sjq",
+ "3syp",
+ "6dqi",
+ "7xpz",
+ "7zya",
+ "7c9u",
+ "2bhr",
+ "1ahf",
+ "5e6y",
+ "3wdc",
+ "4p2t",
+ "5fmm",
+ "5hwb",
+ "8heu",
+ "5kxl",
+ "7pzf",
+ "7l6d",
+ "3zly",
+ "1yxw",
+ "5h1w",
+ "3fv1",
+ "7wym",
+ "3ut8",
+ "1w6v",
+ "3n5f",
+ "5rlz",
+ "1spq",
+ "1nzc",
+ "6czd",
+ "7v47",
+ "5jhu",
+ "4mv9",
+ "1ohe",
+ "4rjk",
+ "4iwb",
+ "5lqb",
+ "1hye",
+ "2vem",
+ "7fao",
+ "4s29",
+ "2nau",
+ "1rhm",
+ "6xit",
+ "7t11",
+ "2hiv",
+ "1jed",
+ "7scn",
+ "1zdr",
+ "3u5j",
+ "5cuh",
+ "1fjr",
+ "5vk1",
+ "5udu",
+ "4k9y",
+ "1pf3",
+ "2jbz",
+ "1ge9",
+ "2wf6",
+ "6rvh",
+ "4cai",
+ "7pgi",
+ "1a12",
+ "6hub",
+ "5pvx",
+ "4tv9",
+ "1iji",
+ "6w32",
+ "3ncl",
+ "5pb8",
+ "3p3p",
+ "5vrn",
+ "2dfn",
+ "2pya",
+ "4alw",
+ "4huz",
+ "5qke",
+ "5lvx",
+ "2k86",
+ "1n23",
+ "3uh6",
+ "4mtu",
+ "5auu",
+ "7dxb",
+ "4gsu",
+ "5szi",
+ "2pp8",
+ "6kzd",
+ "2jgs",
+ "5pta",
+ "2evm",
+ "5ngl",
+ "6iv1",
+ "6fzm",
+ "6aar",
+ "6j2y",
+ "3fnu",
+ "6tfy",
+ "6q2i",
+ "3dy6",
+ "5d98",
+ "1qi0",
+ "7fok",
+ "5hli",
+ "7lsy",
+ "5js6",
+ "2l4t",
+ "6lii",
+ "1bkp",
+ "3g2q",
+ "3bts",
+ "4upk",
+ "6squ",
+ "4ybu",
+ "2hr6",
+ "3n30",
+ "1dys",
+ "5r2s",
+ "6fjk",
+ "7wmt",
+ "5pd7",
+ "5r0j",
+ "4j2e",
+ "5zqk",
+ "2lcb",
+ "6co1",
+ "2kln",
+ "1jch",
+ "2pul",
+ "4xiz",
+ "5jwe",
+ "3sez",
+ "3iad",
+ "1f07",
+ "3cct",
+ "7qeu",
+ "6lq1",
+ "2rhw",
+ "1ctq",
+ "1yh3",
+ "3h70",
+ "2c1t",
+ "6rtc",
+ "2mv0",
+ "6wgc",
+ "1y7z",
+ "3mk7",
+ "1thm",
+ "7cgf",
+ "3dpt",
+ "3am4",
+ "3ld0",
+ "1dfv",
+ "5o7s",
+ "2h3z",
+ "5ecm",
+ "1dyz",
+ "7okp",
+ "5u3r",
+ "3k6b",
+ "5hua",
+ "3dkp",
+ "7v9u",
+ "5g35",
+ "6pes",
+ "1nqz",
+ "3lzx",
+ "7tsc",
+ "1ta1",
+ "3j09",
+ "4pje",
+ "6rni",
+ "1zo8",
+ "4eza",
+ "2ifv",
+ "5uwp",
+ "1x22",
+ "7k56",
+ "2dut",
+ "1yua",
+ "4l65",
+ "5npj",
+ "3kw5",
+ "6dj2",
+ "7v9h",
+ "2l54",
+ "5eri",
+ "6j52",
+ "3o5f",
+ "7e89",
+ "6yx5",
+ "7axm",
+ "4y77",
+ "4ga6",
+ "2jmo",
+ "3kn8",
+ "1h9z",
+ "7rpm",
+ "2wde",
+ "2bsc",
+ "2r43",
+ "5rcj",
+ "3j2x",
+ "1e5t",
+ "5cz9",
+ "4fwb",
+ "6sp5",
+ "2kbt",
+ "3uht",
+ "5di1",
+ "6h4s",
+ "7cid",
+ "4ibw",
+ "3ox2",
+ "4owh",
+ "1z71",
+ "5mxw",
+ "3o3x",
+ "3wqk",
+ "4he0",
+ "5su3",
+ "4wan",
+ "7n6d",
+ "1ikv",
+ "2vy2",
+ "6z9k",
+ "7yae",
+ "4wo8",
+ "2j7u",
+ "5wyr",
+ "6tdn",
+ "4uh0",
+ "5dp0",
+ "1nxf",
+ "6vjw",
+ "1n4c",
+ "4hyu",
+ "1jgi",
+ "8fbi",
+ "2kir",
+ "1y08",
+ "6jxh",
+ "5j0o",
+ "8eep",
+ "7ebb",
+ "2lfj",
+ "6ex7",
+ "1rww",
+ "5a8e",
+ "7o9c",
+ "2lbw",
+ "4jrk",
+ "1hzg",
+ "1b4l",
+ "5ds3",
+ "6y2p",
+ "5rdr",
+ "4kdq",
+ "6i59",
+ "4oxd",
+ "1ucn",
+ "8gon",
+ "3m6r",
+ "4d6b",
+ "4q86",
+ "4eqq",
+ "1o7u",
+ "1sqp",
+ "4u0m",
+ "5epw",
+ "4zbc",
+ "6u6v",
+ "1yjl",
+ "3zjt",
+ "8h5e",
+ "3vi7",
+ "3di9",
+ "3t1l",
+ "3gae",
+ "6p3w",
+ "7c72",
+ "7n11",
+ "8ad8",
+ "2yg3",
+ "3rdv",
+ "2b88",
+ "5cc1",
+ "1b52",
+ "3pg7",
+ "5pw9",
+ "5ip4",
+ "1iyh",
+ "7api",
+ "5lkr",
+ "4bwe",
+ "6fiw",
+ "4jkv",
+ "2jkk",
+ "6f1r",
+ "7tes",
+ "1ypq",
+ "7tyd",
+ "7qul",
+ "6er7",
+ "3kxv",
+ "6vvy",
+ "6mhb",
+ "3si8",
+ "6m06",
+ "4rzy",
+ "6lmt",
+ "7ef3",
+ "4kwe",
+ "2h9b",
+ "3bjk",
+ "1ndw",
+ "6cpu",
+ "5w2g",
+ "5ioh",
+ "2ixm",
+ "5a1y",
+ "4h85",
+ "521p",
+ "4kq6",
+ "1ls8",
+ "1ral",
+ "8een",
+ "3ggc",
+ "5ngz",
+ "4x2l",
+ "6bnh",
+ "6k7z",
+ "2fo9",
+ "2axm",
+ "3woc",
+ "1toa",
+ "6t2c",
+ "1drm",
+ "1ze1",
+ "1rce",
+ "4ivk",
+ "5f8i",
+ "3j2y",
+ "5cgz",
+ "1n07",
+ "4f5o",
+ "5ofd",
+ "4lzz",
+ "7yfg",
+ "2ake",
+ "2eb7",
+ "1nmj",
+ "6bkn",
+ "6o82",
+ "1pzs",
+ "1b8r",
+ "6vof",
+ "6fz3",
+ "7xnv",
+ "6wbp",
+ "4hhy",
+ "3szu",
+ "6qiy",
+ "1fsf",
+ "1o6t",
+ "7bos",
+ "3b9v",
+ "3l4p",
+ "6kgd",
+ "7lr5",
+ "6k3c",
+ "5f3e",
+ "7m3n",
+ "7wkq",
+ "5p5p",
+ "2qka",
+ "3eck",
+ "3eqq",
+ "3d8d",
+ "1yzx",
+ "2qhz",
+ "5sth",
+ "2l6t",
+ "4ia3",
+ "5w8f",
+ "2n6u",
+ "6c1d",
+ "3oe9",
+ "3rq8",
+ "7no3",
+ "3w6w",
+ "3g2o",
+ "5tqu",
+ "1k4o",
+ "3g08",
+ "6sgw",
+ "5p7p",
+ "5k7u",
+ "6ebo",
+ "4rzq",
+ "5eyj",
+ "3l0t",
+ "2kbe",
+ "1yxv",
+ "1e43",
+ "1ouk",
+ "7bc8",
+ "2nz8",
+ "7rxw",
+ "2fcw",
+ "2a7d",
+ "4wb2",
+ "2d2z",
+ "7n3t",
+ "3eje",
+ "5w1w",
+ "5vc0",
+ "6hg4",
+ "4j1g",
+ "3eop",
+ "7ts7",
+ "5x67",
+ "4uiy",
+ "6y6s",
+ "1ebz",
+ "6e58",
+ "6ajn",
+ "5qna",
+ "4cp5",
+ "1r1p",
+ "7v12",
+ "7zr5",
+ "3lry",
+ "3ii5",
+ "5gkr",
+ "5uug",
+ "7t49",
+ "2ptv",
+ "7eth",
+ "7sv0",
+ "5d0t",
+ "4iw3",
+ "7bht",
+ "3pkq",
+ "2v0h",
+ "5nsj",
+ "1pog",
+ "2bc4",
+ "2yb0",
+ "1gg5",
+ "4hcn",
+ "2pdu",
+ "3thx",
+ "2gsr",
+ "1jk3",
+ "3ri1",
+ "2e2b",
+ "3pbn",
+ "5e52",
+ "2l5u",
+ "4aqs",
+ "2qyn",
+ "1gfs",
+ "6bar",
+ "4h6q",
+ "3qa3",
+ "4pao",
+ "6eob",
+ "5fjm",
+ "6af0",
+ "5rm7",
+ "7q7r",
+ "5s4z",
+ "6ocp",
+ "8eax",
+ "6ryn",
+ "7die",
+ "3r52",
+ "6t11",
+ "1n2v",
+ "7sqr",
+ "6e6y",
+ "3s4r",
+ "6h52",
+ "2cs7",
+ "2kac",
+ "2xr0",
+ "1bze",
+ "5vqu",
+ "8ec2",
+ "8cl3",
+ "7upt",
+ "6cfb",
+ "2cvq",
+ "8api",
+ "4fqt",
+ "7qyr",
+ "4j2w",
+ "5xrn",
+ "6wgs",
+ "4jup",
+ "1d7w",
+ "2rvk",
+ "4uum",
+ "6mhf",
+ "5f06",
+ "3hmv",
+ "6rz8",
+ "4mlf",
+ "7rkk",
+ "7mj2",
+ "6yyd",
+ "1d6w",
+ "5jp3",
+ "6ggs",
+ "1uku",
+ "2bqk",
+ "5xme",
+ "5ddu",
+ "2m2m",
+ "1yt2",
+ "5soz",
+ "6dw1",
+ "3bif",
+ "1ben",
+ "5av1",
+ "1fch",
+ "6fhv",
+ "5fqr",
+ "1vsg",
+ "1kdr",
+ "1pa9",
+ "2cly",
+ "5i12",
+ "1gmp",
+ "4uvw",
+ "1cjy",
+ "1dgm",
+ "2chd",
+ "1m8b",
+ "4zgq",
+ "7d0j",
+ "6sxy",
+ "2m3f",
+ "4hn0",
+ "5l43",
+ "2zss",
+ "3x0r",
+ "4x29",
+ "7ta4",
+ "3rc8",
+ "5pdl",
+ "7yww",
+ "1wc1",
+ "2xqn",
+ "1flc",
+ "7ql6",
+ "5who",
+ "5lvy",
+ "3qvf",
+ "4agr",
+ "2ksc",
+ "3mrr",
+ "4f1z",
+ "7oge",
+ "1pvl",
+ "7n5x",
+ "4p4i",
+ "7z4q",
+ "4ow3",
+ "4ae7",
+ "1hp7",
+ "5o1t",
+ "1cic",
+ "2c94",
+ "1vjw",
+ "6oa3",
+ "7kzd",
+ "5xl4",
+ "4iew",
+ "5tny",
+ "3v36",
+ "4yxx",
+ "6n5d",
+ "5wlv",
+ "7t4b",
+ "4q3y",
+ "2eix",
+ "3ahz",
+ "4lpz",
+ "1ohz",
+ "1ifr",
+ "3r5t",
+ "1aih",
+ "3gnv",
+ "3rg4",
+ "4akc",
+ "5pk5",
+ "3crz",
+ "3lrb",
+ "2hlf",
+ "4pdk",
+ "2mkf",
+ "4jyh",
+ "4qju",
+ "2bbj",
+ "1kfg",
+ "1f55",
+ "6mxb",
+ "1v6w",
+ "6mrx",
+ "6dfq",
+ "3i40",
+ "6jw3",
+ "7poj",
+ "5w8x",
+ "7vmf",
+ "4pop",
+ "3odv",
+ "2a5c",
+ "5ner",
+ "5w36",
+ "5aqy",
+ "2vfc",
+ "6wf3",
+ "2bzx",
+ "1zjz",
+ "6qq4",
+ "5ihl",
+ "6r9x",
+ "7aqt",
+ "2h6u",
+ "2kma",
+ "2ler",
+ "3ltf",
+ "3f7p",
+ "3gq8",
+ "7rne",
+ "4d4b",
+ "1hdk",
+ "2pvw",
+ "1msh",
+ "2vet",
+ "6yh6",
+ "6rqn",
+ "6hwo",
+ "7cdd",
+ "6uio",
+ "4hh0",
+ "6kyw",
+ "5aqn",
+ "6qdc",
+ "4ot5",
+ "1ghp",
+ "1frp",
+ "5mu9",
+ "4uys",
+ "7vv5",
+ "6ji1",
+ "1c1a",
+ "6mxe",
+ "2qi3",
+ "5j2r",
+ "5k6n",
+ "6xnx",
+ "2hyn",
+ "3zrt",
+ "4bwc",
+ "2xz0",
+ "4to0",
+ "1lxm",
+ "2int",
+ "3s5e",
+ "1v79",
+ "6q6g",
+ "2jm4",
+ "1u38",
+ "2ld6",
+ "3tx7",
+ "5e95",
+ "7ulc",
+ "3njp",
+ "4fvd",
+ "5zhu",
+ "4lly",
+ "1i0e",
+ "4uwv",
+ "4ixj",
+ "4chk",
+ "4xpn",
+ "1wpl",
+ "3bzj",
+ "4uir",
+ "1oyl",
+ "2pgh",
+ "7dkz",
+ "1mar",
+ "5nab",
+ "3o85",
+ "3jy1",
+ "7phg",
+ "2l72",
+ "1cul",
+ "6lat",
+ "3hhq",
+ "5cfd",
+ "2j5p",
+ "7elg",
+ "6ykm",
+ "1yr1",
+ "5oul",
+ "8bi0",
+ "5v82",
+ "6yo8",
+ "2deu",
+ "1k8o",
+ "1fao",
+ "7n7f",
+ "235l",
+ "3g76",
+ "6d7a",
+ "4uf0",
+ "8ec4",
+ "4fyk",
+ "6gcs",
+ "1okd",
+ "4h9a",
+ "7z6x",
+ "5lbq",
+ "6dok",
+ "5c90",
+ "1icm",
+ "3lsr",
+ "2f4e",
+ "5lag",
+ "6jpw",
+ "1xd5",
+ "5fak",
+ "5p6c",
+ "7nep",
+ "3auj",
+ "4caw",
+ "1ubs",
+ "6a8j",
+ "6ocb",
+ "1fq9",
+ "5odr",
+ "8ceb",
+ "8bft",
+ "3skx",
+ "2hyv",
+ "3buv",
+ "7a1r",
+ "3rdx",
+ "3r8g",
+ "5ibj",
+ "5b2d",
+ "6hca",
+ "1kmh",
+ "4io0",
+ "5h36",
+ "5izw",
+ "3e8t",
+ "8cxu",
+ "6yd5",
+ "3tsw",
+ "7rov",
+ "1msp",
+ "4zi7",
+ "7sj8",
+ "2wb2",
+ "7bqu",
+ "1gus",
+ "2ien",
+ "3hqw",
+ "6haf",
+ "5iir",
+ "4qte",
+ "4ahp",
+ "7q6i",
+ "7rnk",
+ "6bp4",
+ "4i06",
+ "4nai",
+ "3b60",
+ "3lip",
+ "3nzi",
+ "1uv0",
+ "4br0",
+ "3k6u",
+ "5jjv",
+ "2caj",
+ "4y40",
+ "6vtp",
+ "2p7m",
+ "5flq",
+ "6a20",
+ "6hdn",
+ "7y7b",
+ "5c97",
+ "5vxb",
+ "7ew7",
+ "7n0r",
+ "3s97",
+ "4ihw",
+ "2v2e",
+ "1soi",
+ "6fge",
+ "5mri",
+ "2p6j",
+ "3cx8",
+ "3uiz",
+ "1tfp",
+ "3rs4",
+ "7e4t",
+ "1mvz",
+ "7crl",
+ "6wc2",
+ "6z05",
+ "4euk",
+ "2yss",
+ "3o95",
+ "1zzc",
+ "1rh1",
+ "5svm",
+ "4lj5",
+ "1pnk",
+ "4jb4",
+ "6rh1",
+ "3nb3",
+ "7mfz",
+ "3znu",
+ "5xh8",
+ "7lnh",
+ "6xx0",
+ "4wta",
+ "1k9p",
+ "5d9y",
+ "5mfn",
+ "5x9d",
+ "2d0b",
+ "4xv1",
+ "6ky6",
+ "1ov6",
+ "6fff",
+ "2rmf",
+ "3sda",
+ "1o44",
+ "1lrz",
+ "5lkb",
+ "6vuu",
+ "3cjc",
+ "1xd2",
+ "8f7d",
+ "4g1j",
+ "3vkn",
+ "2d59",
+ "2joa",
+ "3jss",
+ "6xyl",
+ "7ahu",
+ "1lml",
+ "5toe",
+ "2e3s",
+ "2fzl",
+ "1qmt",
+ "2r7g",
+ "5g5f",
+ "3vot",
+ "5gpl",
+ "5u7f",
+ "6ba8",
+ "5zuq",
+ "3nw9",
+ "5zok",
+ "1zg9",
+ "5ra9",
+ "7otr",
+ "2xef",
+ "7a0z",
+ "1ltj",
+ "7ati",
+ "1yex",
+ "3p8r",
+ "2ndp",
+ "6sto",
+ "3n29",
+ "4zyd",
+ "6rgk",
+ "9aat",
+ "1c3j",
+ "4d65",
+ "1tu8",
+ "4xh0",
+ "2dzy",
+ "3hyg",
+ "5m0i",
+ "4dqz",
+ "1imq",
+ "4koo",
+ "4a5y",
+ "3nhi",
+ "1xhx",
+ "5wum",
+ "1k51",
+ "1cvm",
+ "4g0w",
+ "5p2u",
+ "4ajt",
+ "7a0p",
+ "7bh2",
+ "6jfh",
+ "2yig",
+ "2hgl",
+ "5ajg",
+ "1yl5",
+ "7o2d",
+ "3vaq",
+ "6j5l",
+ "1cfz",
+ "7wjc",
+ "6a88",
+ "4z31",
+ "5ps2",
+ "8e26",
+ "2rty",
+ "2c8l",
+ "5myx",
+ "5uud",
+ "6p9m",
+ "1yjs",
+ "6r9h",
+ "1wio",
+ "4uvr",
+ "6ith",
+ "3wpo",
+ "6tj6",
+ "6g42",
+ "5z39",
+ "4o0l",
+ "5dl2",
+ "4yx9",
+ "6ucy",
+ "7rls",
+ "7f8h",
+ "2frp",
+ "2pxy",
+ "1s6w",
+ "4aof",
+ "7dp1",
+ "2kiz",
+ "4oov",
+ "2va2",
+ "4eyd",
+ "2nnk",
+ "2gxq",
+ "3n9d",
+ "6lv4",
+ "1no3",
+ "6kyb",
+ "3au7",
+ "5xvv",
+ "5ufd",
+ "3wkm",
+ "4qo6",
+ "4len",
+ "2jt2",
+ "6rne",
+ "6pyj",
+ "3c52",
+ "6sk9",
+ "3mdj",
+ "1uxq",
+ "6lv6",
+ "7lfx",
+ "5y5k",
+ "4ww4",
+ "2jxw",
+ "5oyr",
+ "5c4f",
+ "6rm8",
+ "4kbo",
+ "2n0u",
+ "5ino",
+ "6koy",
+ "3fh5",
+ "6lpl",
+ "6lf0",
+ "4gjb",
+ "1u0a",
+ "6us5",
+ "3nin",
+ "4dxg",
+ "3u2d",
+ "8bdz",
+ "4ad6",
+ "4z7n",
+ "5j4i",
+ "3v6l",
+ "4o08",
+ "3o1m",
+ "1pzc",
+ "1ado",
+ "2oaw",
+ "1i4l",
+ "1amm",
+ "5ojf",
+ "1w4r",
+ "7rgi",
+ "4qx4",
+ "5g47",
+ "2iw4",
+ "3lnd",
+ "1yuf",
+ "5e89",
+ "1hvw",
+ "6e1o",
+ "5vcc",
+ "3qqp",
+ "2l55",
+ "3zk8",
+ "6mw6",
+ "7tb3",
+ "5ljz",
+ "1y4y",
+ "5x4a",
+ "6ubs",
+ "1a7s",
+ "8i5w",
+ "7f1r",
+ "5wgq",
+ "7qhh",
+ "4jyz",
+ "7vt7",
+ "2mdj",
+ "1ch0",
+ "5ufs",
+ "6ga9",
+ "5guq",
+ "6tr7",
+ "3zqw",
+ "6njw",
+ "5prx",
+ "4e92",
+ "6wgk",
+ "5xkx",
+ "3btv",
+ "5hna",
+ "8fnt",
+ "5niy",
+ "2zz4",
+ "2w38",
+ "5wei",
+ "6g55",
+ "1j22",
+ "7exu",
+ "6ey4",
+ "4ai8",
+ "5kf1",
+ "5s71",
+ "3v1p",
+ "3eht",
+ "3bo0",
+ "1i10",
+ "6fzc",
+ "4aqn",
+ "2wqd",
+ "2nxt",
+ "6ogs",
+ "1ukh",
+ "4oep",
+ "2k9s",
+ "6d7x",
+ "2muv",
+ "5and",
+ "1una",
+ "5ne6",
+ "3bsq",
+ "6b3u",
+ "2vbu",
+ "4tkq",
+ "1ogx",
+ "3n41",
+ "5jxd",
+ "5h0i",
+ "1coz",
+ "7ax4",
+ "3f9l",
+ "7f45",
+ "6to0",
+ "1a67",
+ "6lx8",
+ "4b5g",
+ "7l3f",
+ "2k85",
+ "3a1q",
+ "4usp",
+ "7u3i",
+ "5t1o",
+ "4b8p",
+ "4l8z",
+ "8eqq",
+ "8de7",
+ "3ckv",
+ "2auo",
+ "4ubi",
+ "4jli",
+ "5l84",
+ "6pjd",
+ "3opf",
+ "4bac",
+ "7l7i",
+ "4olp",
+ "4g5p",
+ "8d6j",
+ "6o7c",
+ "7nrf",
+ "2zz3",
+ "1w5i",
+ "6eib",
+ "1jcd",
+ "6o2z",
+ "6jgx",
+ "5dkj",
+ "5g6h",
+ "3en6",
+ "2vco",
+ "5qy6",
+ "5dx3",
+ "5vjn",
+ "5pru",
+ "3duu",
+ "1sg1",
+ "5s4s",
+ "3o69",
+ "3koc",
+ "8dbf",
+ "3wpl",
+ "3hqt",
+ "3slp",
+ "3opr",
+ "7xxs",
+ "7f40",
+ "1fu2",
+ "2v1i",
+ "1xau",
+ "4bpm",
+ "4qon",
+ "3i0c",
+ "2iyy",
+ "1l9t",
+ "1khr",
+ "4trw",
+ "4lxx",
+ "7tlz",
+ "6yqz",
+ "2x00",
+ "7jou",
+ "2zk1",
+ "1vmo",
+ "1jxw",
+ "4tkl",
+ "5w4m",
+ "3zfs",
+ "2khf",
+ "2jgp",
+ "2cc9",
+ "4e7s",
+ "5myl",
+ "1bds",
+ "2ns7",
+ "6muj",
+ "5sxx",
+ "4qa2",
+ "7cj5",
+ "5qtt",
+ "7fnj",
+ "2cfh",
+ "3rzt",
+ "5htn",
+ "5wk4",
+ "3cp8",
+ "7c8h",
+ "7apu",
+ "1fjh",
+ "4pe7",
+ "2ort",
+ "3dgl",
+ "4ytt",
+ "3s64",
+ "5l2h",
+ "5dzw",
+ "2hqn",
+ "6jfj",
+ "3tlw",
+ "5mpx",
+ "1nbx",
+ "3p16",
+ "4xf2",
+ "1gk6",
+ "5rp5",
+ "4a2h",
+ "6tdv",
+ "5llc",
+ "7uy2",
+ "5zui",
+ "1qil",
+ "4p75",
+ "6fyh",
+ "6j25",
+ "2h9l",
+ "2qf6",
+ "4hqk",
+ "3q38",
+ "3moc",
+ "3b5z",
+ "3cfq",
+ "5bk0",
+ "3d0r",
+ "4ykh",
+ "6b9s",
+ "3uta",
+ "4elu",
+ "1syy",
+ "3zua",
+ "1qae",
+ "1boq",
+ "6pk4",
+ "3ziz",
+ "6ceu",
+ "6eu8",
+ "7tnx",
+ "2mcy",
+ "2w1d",
+ "1cdz",
+ "8a8z",
+ "3cth",
+ "3ke9",
+ "6jzq",
+ "1mwt",
+ "7auf",
+ "1h0w",
+ "2klo",
+ "7ksl",
+ "1oae",
+ "3r9r",
+ "4wsx",
+ "7ta1",
+ "5e6k",
+ "4m46",
+ "3uaw",
+ "6ogq",
+ "3a2w",
+ "1dqz",
+ "7kd0",
+ "8fww",
+ "3ton",
+ "1h7p",
+ "2vns",
+ "4a95",
+ "2ynq",
+ "4ysa",
+ "4dkl",
+ "5bnn",
+ "7jga",
+ "2xmo",
+ "7jnd",
+ "1x02",
+ "7vbw",
+ "2bml",
+ "3iqa",
+ "1s2c",
+ "8a2v",
+ "2qpj",
+ "3qxw",
+ "6qjv",
+ "3va0",
+ "2hla",
+ "4k5p",
+ "4jg4",
+ "6m1j",
+ "5nhl",
+ "1krv",
+ "2pt6",
+ "6y9z",
+ "5b79",
+ "3oka",
+ "2f5m",
+ "5frw",
+ "1cci",
+ "3pvh",
+ "6vai",
+ "3bq6",
+ "1t0j",
+ "2cjh",
+ "6wyp",
+ "5njx",
+ "4qtk",
+ "3aib",
+ "5zo8",
+ "5d7q",
+ "3i82",
+ "6fni",
+ "2iku",
+ "1zhg",
+ "5g6g",
+ "1bpo",
+ "3zxz",
+ "2hdz",
+ "2l9j",
+ "8drv",
+ "1nht",
+ "1hot",
+ "7mwu",
+ "5jfw",
+ "4egm",
+ "6uxw",
+ "3cky",
+ "2we0",
+ "7o1k",
+ "2bvt",
+ "5mu0",
+ "6qxw",
+ "5ynx",
+ "5a05",
+ "6tg5",
+ "4c50",
+ "6ayy",
+ "5m1t",
+ "6ef6",
+ "7lpn",
+ "5nl5",
+ "7aex",
+ "6zwc",
+ "1qje",
+ "1typ",
+ "4ypu",
+ "5h3i",
+ "3sbg",
+ "3zzq",
+ "7dxf",
+ "6e6h",
+ "4kpo",
+ "5epo",
+ "6jix",
+ "4nvc",
+ "2xi8",
+ "2m7t",
+ "6esp",
+ "6lbn",
+ "3uo4",
+ "3ul8",
+ "5fa1",
+ "4k3m",
+ "7q6t",
+ "2ww0",
+ "4f61",
+ "3ix1",
+ "2eft",
+ "5wus",
+ "3us6",
+ "1tv5",
+ "2f9p",
+ "3a38",
+ "3oje",
+ "6g4v",
+ "2bx5",
+ "1bwm",
+ "4avp",
+ "2r36",
+ "1zh1",
+ "4coq",
+ "3t10",
+ "1l11",
+ "6mpk",
+ "1pnv",
+ "5tk3",
+ "3i5h",
+ "7t1u",
+ "1y3p",
+ "1pci",
+ "2y2n",
+ "8a82",
+ "3ut5",
+ "3oy3",
+ "1sr6",
+ "4mjs",
+ "1n75",
+ "7emc",
+ "7nt4",
+ "4avy",
+ "1gy9",
+ "5tm1",
+ "2xjj",
+ "2bji",
+ "6xef",
+ "1wp4",
+ "1rex",
+ "7o83",
+ "6hd8",
+ "4d55",
+ "3drd",
+ "2hlc",
+ "3a18",
+ "7ku7",
+ "3pz6",
+ "1o87",
+ "6glb",
+ "2w83",
+ "1bfu",
+ "4k1i",
+ "2n2j",
+ "6hrq",
+ "7vig",
+ "5not",
+ "4q4q",
+ "3o8l",
+ "2avf",
+ "2btz",
+ "6xae",
+ "6vlm",
+ "8bfr",
+ "7ul1",
+ "5zhm",
+ "6nz5",
+ "3h1l",
+ "2cgz",
+ "1t91",
+ "1i5f",
+ "6x06",
+ "2jmz",
+ "3ps1",
+ "4x8q",
+ "5yrc",
+ "5bsu",
+ "6fn3",
+ "4b5b",
+ "6k59",
+ "7lzp",
+ "2y3y",
+ "5n58",
+ "4yxg",
+ "3l5b",
+ "4ahq",
+ "7lw7",
+ "2vw8",
+ "4bug",
+ "4yvw",
+ "1h2x",
+ "1x9y",
+ "5u6p",
+ "3bco",
+ "1coy",
+ "6hda",
+ "2ps6",
+ "3jrh",
+ "2k2d",
+ "5wzp",
+ "2odu",
+ "5hsw",
+ "4dy1",
+ "6x4b",
+ "5ru7",
+ "4nng",
+ "2w6a",
+ "5g2m",
+ "6skj",
+ "2j4d",
+ "3nn7",
+ "4yfs",
+ "5ow2",
+ "6c2y",
+ "5z9o",
+ "2xn5",
+ "1wsx",
+ "4h9f",
+ "7zpy",
+ "6qdj",
+ "2iy5",
+ "5m8p",
+ "5ih5",
+ "3w0g",
+ "1zvq",
+ "1nvm",
+ "1hum",
+ "1ixq",
+ "1ntm",
+ "2w3p",
+ "1ani",
+ "2qog",
+ "6hk1",
+ "4i0k",
+ "5i2x",
+ "2o0v",
+ "1ho8",
+ "2fco",
+ "7bea",
+ "5aoj",
+ "6k38",
+ "3efm",
+ "5by4",
+ "2hnx",
+ "5k2h",
+ "2ot4",
+ "7t7z",
+ "4h4g",
+ "3p3u",
+ "7q2q",
+ "3b9g",
+ "4i68",
+ "5st0",
+ "7w1g",
+ "2d7h",
+ "6jqd",
+ "7p8t",
+ "1xkm",
+ "3hpm",
+ "5hq0",
+ "5nk6",
+ "1i5p",
+ "3ze1",
+ "6thh",
+ "1t6s",
+ "1tnu",
+ "7ndh",
+ "7ovq",
+ "5vw2",
+ "2pvu",
+ "7dyb",
+ "4i9m",
+ "1d6b",
+ "4uun",
+ "4hpb",
+ "5dmr",
+ "7ovj",
+ "5o8n",
+ "1vjc",
+ "2ku6",
+ "2q2q",
+ "5ubx",
+ "5yfk",
+ "2kyx",
+ "1ppp",
+ "4zek",
+ "6zck",
+ "7dti",
+ "6rsm",
+ "2y7y",
+ "2n0s",
+ "4yke",
+ "5g4l",
+ "5d0g",
+ "1pfr",
+ "5yg5",
+ "2zjc",
+ "3klx",
+ "3apc",
+ "8hta",
+ "6vpt",
+ "3ghc",
+ "7tad",
+ "1l9u",
+ "5b4b",
+ "5fpe",
+ "5lss",
+ "3oym",
+ "5jcg",
+ "6dw5",
+ "6mdd",
+ "7c61",
+ "1gjq",
+ "1g5s",
+ "7s49",
+ "6r6k",
+ "2jsc",
+ "3cu8",
+ "5hi7",
+ "5fqe",
+ "2nub",
+ "1dmx",
+ "5yq5",
+ "6fki",
+ "7lr2",
+ "7ltn",
+ "4r1n",
+ "4h5b",
+ "7u1e",
+ "2col",
+ "2k9l",
+ "4hf2",
+ "1smm",
+ "3gez",
+ "4yb5",
+ "7nhx",
+ "6m5u",
+ "6l7s",
+ "140l",
+ "1gx7",
+ "7mfx",
+ "4wkt",
+ "7v4y",
+ "2vsr",
+ "3qua",
+ "2k77",
+ "3wa9",
+ "2p47",
+ "1fz0",
+ "2euo",
+ "4o79",
+ "5jxc",
+ "4c3y",
+ "3tgr",
+ "6jco",
+ "2wwg",
+ "4yx2",
+ "2ran",
+ "5ycw",
+ "5e12",
+ "5o4s",
+ "1ij9",
+ "3mp3",
+ "5sup",
+ "1jfb",
+ "5d2f",
+ "2hio",
+ "6jkc",
+ "2pi2",
+ "3fui",
+ "2wlc",
+ "4lmf",
+ "7nc6",
+ "3kmc",
+ "6rkb",
+ "1h60",
+ "6f48",
+ "1a01",
+ "1ej0",
+ "6zus",
+ "3kp6",
+ "3bie",
+ "7sf5",
+ "2co0",
+ "5g4x",
+ "7jho",
+ "1muy",
+ "3uly",
+ "5yec",
+ "5xhk",
+ "6ed2",
+ "5tob",
+ "5o1k",
+ "7f99",
+ "7ek5",
+ "2bhw",
+ "4wbl",
+ "2zk0",
+ "1udw",
+ "3vat",
+ "7oyp",
+ "5f91",
+ "1ahe",
+ "1yyh",
+ "6s8z",
+ "6iga",
+ "2ybt",
+ "4btq",
+ "1age",
+ "6nof",
+ "6j1u",
+ "1zr5",
+ "1hgy",
+ "4qdj",
+ "3o4i",
+ "1dtl",
+ "6jcj",
+ "4dvs",
+ "7kbd",
+ "3kva",
+ "1cav",
+ "4nve",
+ "5y8t",
+ "6d1w",
+ "3gr0",
+ "4qps",
+ "8b7r",
+ "1qok",
+ "7ewa",
+ "6ljp",
+ "1fih",
+ "7ped",
+ "6vi9",
+ "2cgw",
+ "3uwz",
+ "5hgx",
+ "8a8x",
+ "6u3x",
+ "7f3v",
+ "6yse",
+ "3n7y",
+ "1bam",
+ "6mok",
+ "3da8",
+ "4or4",
+ "7ahd",
+ "6i3m",
+ "4wiv",
+ "3p5j",
+ "4lhf",
+ "5zlt",
+ "7a2d",
+ "3ew0",
+ "621p",
+ "6a18",
+ "2olc",
+ "1lng",
+ "4u05",
+ "5i3q",
+ "6y75",
+ "2e3h",
+ "7e33",
+ "5i9v",
+ "4kxq",
+ "2khm",
+ "6imr",
+ "7v6d",
+ "5y5u",
+ "5jvv",
+ "3vhl",
+ "7ctr",
+ "3uqs",
+ "3pl1",
+ "6rv2",
+ "5pkj",
+ "4toe",
+ "4btb",
+ "6qii",
+ "3i6w",
+ "1m2a",
+ "6e3s",
+ "4neb",
+ "6w7f",
+ "4rkg",
+ "7l5i",
+ "3cw9",
+ "5u4c",
+ "2nxi",
+ "3vyt",
+ "2io3",
+ "4d7j",
+ "1rfx",
+ "2xpb",
+ "1s6p",
+ "7jg7",
+ "5stt",
+ "4e0c",
+ "4ak9",
+ "5c3f",
+ "1f1b",
+ "5bsr",
+ "5g2d",
+ "6n3d",
+ "3oyb",
+ "7o9l",
+ "1wqr",
+ "1mv3",
+ "1cnp",
+ "7v2f",
+ "2b2h",
+ "5u4d",
+ "6yxw",
+ "2wih",
+ "4tlv",
+ "3gpx",
+ "4u03",
+ "5g1d",
+ "6qzj",
+ "6yrj",
+ "4q0z",
+ "4qgt",
+ "2mox",
+ "3q3k",
+ "6ye7",
+ "5ibh",
+ "4ntc",
+ "1nt1",
+ "1u0w",
+ "6c7w",
+ "3jxa",
+ "7m0z",
+ "4x7q",
+ "5fv0",
+ "4ws8",
+ "4y3u",
+ "6kj5",
+ "6iot",
+ "3klg",
+ "3mv7",
+ "5uv1",
+ "1qul",
+ "3rrx",
+ "5d4y",
+ "4lu1",
+ "7ms5",
+ "4k9b",
+ "5p5z",
+ "3qmh",
+ "7ne8",
+ "4jhg",
+ "3auq",
+ "1x8x",
+ "6rr3",
+ "7ty3",
+ "6u1i",
+ "1uan",
+ "4tpo",
+ "2zu3",
+ "4xpw",
+ "7ejr",
+ "4nii",
+ "1zk6",
+ "2ong",
+ "4rm6",
+ "7l36",
+ "4q96",
+ "5lqi",
+ "6f63",
+ "4bj9",
+ "1eno",
+ "5ia7",
+ "6vx3",
+ "6m8m",
+ "3coo",
+ "5jap",
+ "1w8t",
+ "5y1a",
+ "3l2z",
+ "7jtq",
+ "1ldj",
+ "7olq",
+ "2bpy",
+ "3d5i",
+ "6sxp",
+ "4cy6",
+ "6l0v",
+ "1n77",
+ "5h53",
+ "2axi",
+ "4gno",
+ "6mrk",
+ "5ewd",
+ "6eh6",
+ "6lml",
+ "3ekv",
+ "6b74",
+ "5b6q",
+ "1xwt",
+ "1u21",
+ "6l9v",
+ "5uq9",
+ "6e5r",
+ "2m9m",
+ "6hsf",
+ "2rqv",
+ "1lrq",
+ "5fwj",
+ "4qge",
+ "1prt",
+ "4tta",
+ "7bk2",
+ "1o3c",
+ "4h36",
+ "4h5l",
+ "7f93",
+ "4awd",
+ "1gt1",
+ "3r8k",
+ "2lx5",
+ "7c4x",
+ "3tup",
+ "3e78",
+ "1wjf",
+ "4qfx",
+ "3tdz",
+ "2glk",
+ "6tqd",
+ "5kaa",
+ "1r3y",
+ "3fg1",
+ "7t56",
+ "1r5s",
+ "5k2l",
+ "5iaa",
+ "2q3r",
+ "5ek4",
+ "4hc7",
+ "8dhg",
+ "5no7",
+ "3lni",
+ "3tyd",
+ "1fpr",
+ "5n2i",
+ "1bij",
+ "4aaz",
+ "5hae",
+ "5dja",
+ "6pxy",
+ "4pu9",
+ "2vg0",
+ "3cvn",
+ "5ypv",
+ "5je6",
+ "6gnk",
+ "2de2",
+ "1kk2",
+ "1o90",
+ "2cxg",
+ "3bzn",
+ "5rgr",
+ "3ha8",
+ "8a0r",
+ "4u73",
+ "2qmf",
+ "6fmn",
+ "6oed",
+ "3rz9",
+ "2y01",
+ "3jt3",
+ "4oa8",
+ "7uhk",
+ "5h5y",
+ "1nh0",
+ "7vsx",
+ "1k81",
+ "6rqi",
+ "6er3",
+ "1wip",
+ "5v8m",
+ "3iot",
+ "7jhl",
+ "6p1q",
+ "1gbi",
+ "6b2t",
+ "1tjv",
+ "3nvh",
+ "6gfi",
+ "4jjm",
+ "5cp3",
+ "5rmi",
+ "7cbh",
+ "4ubo",
+ "7doo",
+ "5y5a",
+ "4ka2",
+ "1dvj",
+ "7zuq",
+ "6lwb",
+ "6a0l",
+ "4atj",
+ "4dvl",
+ "2p6z",
+ "5k0j",
+ "4k6a",
+ "6rnq",
+ "2k0c",
+ "4mrh",
+ "3pd5",
+ "2ers",
+ "2r70",
+ "2zpy",
+ "1xp8",
+ "5spt",
+ "1e9o",
+ "5j2u",
+ "6m97",
+ "3omp",
+ "4fht",
+ "2eot",
+ "5f8l",
+ "2oul",
+ "6wca",
+ "5f9t",
+ "7aaw",
+ "6ebw",
+ "1rk0",
+ "3j9j",
+ "8f4v",
+ "3p1q",
+ "7mnq",
+ "2a1o",
+ "3jsn",
+ "7l9j",
+ "1w77",
+ "4pld",
+ "5c69",
+ "6ywp",
+ "5mes",
+ "3cwu",
+ "8bvm",
+ "2oum",
+ "4mt7",
+ "6w6g",
+ "7t44",
+ "6sz6",
+ "5tg0",
+ "7aw7",
+ "5m8e",
+ "4i5q",
+ "7yzq",
+ "6zzs",
+ "6fjx",
+ "5v2a",
+ "7xtb",
+ "6cjy",
+ "5t0g",
+ "5s1e",
+ "5yuf",
+ "4bnh",
+ "7pnb",
+ "3so1",
+ "5xtr",
+ "6qyf",
+ "5p49",
+ "1dut",
+ "4p2a",
+ "7sht",
+ "1esc",
+ "6ttg",
+ "3nad",
+ "3f97",
+ "2w36",
+ "5ixh",
+ "7uak",
+ "7b6h",
+ "2dq6",
+ "2e4o",
+ "1ecf",
+ "1gah",
+ "2mij",
+ "7vj5",
+ "3nbv",
+ "6e8l",
+ "7adi",
+ "2kxx",
+ "7l1f",
+ "6shc",
+ "2j47",
+ "7n5c",
+ "4emf",
+ "6mt5",
+ "1hl6",
+ "7z4w",
+ "5els",
+ "2g4c",
+ "7jnv",
+ "2iy4",
+ "6w40",
+ "3oz0",
+ "4r4b",
+ "5u5p",
+ "6ewv",
+ "1q3z",
+ "5lx0",
+ "6d4g",
+ "2xhw",
+ "5uni",
+ "4n3x",
+ "3k48",
+ "2jpo",
+ "3g1q",
+ "4dow",
+ "4cns",
+ "1va2",
+ "3u6i",
+ "8b2k",
+ "1t4j",
+ "5i14",
+ "5dvb",
+ "2bk5",
+ "5m2e",
+ "6kfa",
+ "1ewj",
+ "2aad",
+ "2mwo",
+ "2y2o",
+ "6iik",
+ "7dhj",
+ "5nsp",
+ "6ky2",
+ "3q8n",
+ "6nlj",
+ "3kze",
+ "5tes",
+ "3aoh",
+ "1vrp",
+ "6edr",
+ "4fix",
+ "5bng",
+ "7uwo",
+ "1wid",
+ "3eib",
+ "5mi6",
+ "5n76",
+ "2lk4",
+ "19gs",
+ "1amk",
+ "6rcs",
+ "2w9z",
+ "6w0z",
+ "4r8f",
+ "3mxx",
+ "6poz",
+ "5dlr",
+ "4qfz",
+ "3ajb",
+ "3upb",
+ "1r9p",
+ "5l2d",
+ "4efh",
+ "6rvf",
+ "5uow",
+ "1w33",
+ "4ijn",
+ "4hmy",
+ "4v28",
+ "2yq7",
+ "5adr",
+ "3r5e",
+ "6z9m",
+ "6uje",
+ "7f3n",
+ "5hye",
+ "1t15",
+ "6ob0",
+ "6tl2",
+ "3oqu",
+ "2riw",
+ "6d7r",
+ "5ohc",
+ "3uhq",
+ "7v25",
+ "1hfp",
+ "6dlp",
+ "6vfk",
+ "7ehz",
+ "2gci",
+ "4d2i",
+ "4b9w",
+ "7td5",
+ "2v4q",
+ "3omm",
+ "6fib",
+ "2ar1",
+ "6mkj",
+ "1mgt",
+ "7xay",
+ "1wx4",
+ "2w51",
+ "1wvu",
+ "4mtc",
+ "1w72",
+ "2k0j",
+ "5lva",
+ "4re5",
+ "7prq",
+ "6ds2",
+ "1tka",
+ "2ojx",
+ "4ej8",
+ "5oza",
+ "3d4q",
+ "7l1t",
+ "1gme",
+ "6ltk",
+ "4k24",
+ "5nv5",
+ "2jql",
+ "7k84",
+ "7ekv",
+ "1w4z",
+ "4mez",
+ "3hwb",
+ "5f33",
+ "2fs5",
+ "8c02",
+ "6ppx",
+ "1g95",
+ "2v0f",
+ "6jj3",
+ "1pvh",
+ "1nlt",
+ "5dbk",
+ "2qcx",
+ "4bot",
+ "4bhv",
+ "5th7",
+ "1oss",
+ "2ezt",
+ "2yq6",
+ "6w1m",
+ "5aln",
+ "2fez",
+ "1mg4",
+ "4y88",
+ "3dyr",
+ "3ct0",
+ "5g2r",
+ "7bpc",
+ "1mwm",
+ "5roz",
+ "7d8u",
+ "3geg",
+ "3szy",
+ "4zns",
+ "6end",
+ "5hn6",
+ "3oxw",
+ "5ixs",
+ "5t3n",
+ "3glr",
+ "7bux",
+ "1fss",
+ "1uol",
+ "3w3j",
+ "4v11",
+ "5ycr",
+ "3w5y",
+ "3o2s",
+ "2qj2",
+ "2wor",
+ "7krv",
+ "4ntz",
+ "5czx",
+ "3n2w",
+ "3qy2",
+ "5mu5",
+ "5ze6",
+ "3afe",
+ "4bql",
+ "5dco",
+ "5n1x",
+ "1hw7",
+ "3zy3",
+ "7eh8",
+ "1egp",
+ "4gr5",
+ "4tqg",
+ "7ms1",
+ "4qnk",
+ "5kk0",
+ "2zcv",
+ "1ixf",
+ "3gjp",
+ "2v1f",
+ "5k6z",
+ "8b8j",
+ "2qx6",
+ "1poh",
+ "3hji",
+ "8gmu",
+ "2v22",
+ "1dpt",
+ "5cfn",
+ "1h7h",
+ "3b9i",
+ "3zqr",
+ "3bn0",
+ "5lrx",
+ "4tzi",
+ "3kpb",
+ "6o2q",
+ "1yah",
+ "1h3n",
+ "1oum",
+ "4bvq",
+ "1y8h",
+ "6nie",
+ "8e1i",
+ "7p4p",
+ "1wwl",
+ "7w2u",
+ "3c7v",
+ "7kl0",
+ "2ce9",
+ "3utf",
+ "4jkh",
+ "7ocp",
+ "6gbe",
+ "3p7y",
+ "3fwq",
+ "1b14",
+ "1gb1",
+ "1xp5",
+ "1f4t",
+ "6d1v",
+ "3oeo",
+ "7poi",
+ "1eku",
+ "1cz4",
+ "3ukq",
+ "7l61",
+ "7jwd",
+ "2qmr",
+ "1l64",
+ "1l71",
+ "4gy5",
+ "3h08",
+ "1ika",
+ "5ey0",
+ "4ywt",
+ "4ufn",
+ "4as2",
+ "5r05",
+ "5gme",
+ "1f5l",
+ "7r8x",
+ "3m3x",
+ "7yle",
+ "5kyn",
+ "6aj7",
+ "8eoa",
+ "1u5b",
+ "1duw",
+ "4ohm",
+ "3jtd",
+ "7d9x",
+ "7m2c",
+ "5nl9",
+ "7ppp",
+ "4z9d",
+ "2nxn",
+ "7p5h",
+ "7f4b",
+ "5a6m",
+ "4mer",
+ "6m7o",
+ "3ahg",
+ "2m74",
+ "5g1b",
+ "2nco",
+ "4plg",
+ "5h4r",
+ "2y3f",
+ "1bwx",
+ "5m5n",
+ "8cl0",
+ "5b0x",
+ "6xs5",
+ "2c05",
+ "4d2s",
+ "5ppr",
+ "5btb",
+ "6tkv",
+ "4jat",
+ "1b76",
+ "5m95",
+ "5l3n",
+ "7p3f",
+ "3n3h",
+ "7ypq",
+ "4rma",
+ "1ydb",
+ "7vz2",
+ "6xhb",
+ "1hgg",
+ "5m5t",
+ "4rrk",
+ "6yo1",
+ "5p81",
+ "6xp6",
+ "6kvc",
+ "3x0b",
+ "2az3",
+ "5squ",
+ "3zbo",
+ "3gz0",
+ "4m2z",
+ "4ilz",
+ "8dfp",
+ "7taa",
+ "5df8",
+ "6qp7",
+ "1opm",
+ "1w1m",
+ "4obq",
+ "7nwa",
+ "3ens",
+ "7puc",
+ "1j77",
+ "1iwq",
+ "4n1l",
+ "2z3f",
+ "7b01",
+ "3eif",
+ "1w5l",
+ "8g6r",
+ "6sk7",
+ "2fn1",
+ "4rfc",
+ "6fau",
+ "7myo",
+ "7cs4",
+ "2b6y",
+ "7lzm",
+ "6h80",
+ "4ksl",
+ "4mm5",
+ "5glb",
+ "5ocm",
+ "1qy0",
+ "6kfq",
+ "1qxw",
+ "6u9g",
+ "6gq6",
+ "1k8t",
+ "1c79",
+ "5axp",
+ "4ibn",
+ "6mkz",
+ "5r8f",
+ "7ryr",
+ "7mlf",
+ "4dlb",
+ "1hfr",
+ "4i6h",
+ "5w1s",
+ "5xd2",
+ "4i9z",
+ "5fmq",
+ "7oxv",
+ "3nbp",
+ "3fvn",
+ "2rnr",
+ "6mbf",
+ "5m3c",
+ "6hvq",
+ "4lzc",
+ "7qx4",
+ "2av8",
+ "3mib",
+ "2kr3",
+ "7xqz",
+ "2pwu",
+ "5vmy",
+ "1g7v",
+ "5tid",
+ "5p6j",
+ "1qip",
+ "6qvg",
+ "4ivz",
+ "1fen",
+ "1fjl",
+ "6yxd",
+ "3ewr",
+ "5la8",
+ "1a7j",
+ "1v3e",
+ "4yac",
+ "2dp3",
+ "1nj1",
+ "3vqx",
+ "3q05",
+ "1xw6",
+ "1s81",
+ "5fxr",
+ "1pxw",
+ "7pcx",
+ "2f8q",
+ "2hyw",
+ "8cxv",
+ "2bsg",
+ "1evt",
+ "5w7d",
+ "4uek",
+ "6w2w",
+ "6dor",
+ "6ubh",
+ "6ibl",
+ "7e6g",
+ "6cbn",
+ "4cya",
+ "6y1z",
+ "1ws4",
+ "3vj6",
+ "8e78",
+ "3wwn",
+ "3h2i",
+ "5b58",
+ "6vm4",
+ "5t5w",
+ "5gvr",
+ "5jye",
+ "1n9y",
+ "4xwu",
+ "1res",
+ "6n1b",
+ "4u5j",
+ "7oal",
+ "7p02",
+ "3pc2",
+ "3ocu",
+ "7uaf",
+ "6h3b",
+ "1nwt",
+ "6djq",
+ "7fp3",
+ "1i5o",
+ "1f48",
+ "3riz",
+ "5vij",
+ "3mo9",
+ "1r0m",
+ "4qu0",
+ "5ysn",
+ "1uxs",
+ "5i68",
+ "1a3d",
+ "6gv9",
+ "3gbq",
+ "3x02",
+ "6ure",
+ "4pj0",
+ "5hgm",
+ "2ygv",
+ "1biu",
+ "6mqs",
+ "2omz",
+ "1sc9",
+ "6w51",
+ "1r2m",
+ "2qiy",
+ "3mdl",
+ "2y3e",
+ "5xrm",
+ "3set",
+ "4dt2",
+ "6b8t",
+ "6wuz",
+ "2nqq",
+ "4b7o",
+ "3gzc",
+ "1gqi",
+ "2l2b",
+ "4bq9",
+ "6gj5",
+ "1hrf",
+ "5u42",
+ "5qm3",
+ "5xod",
+ "6fs4",
+ "8hhu",
+ "1ic6",
+ "1g4a",
+ "5meg",
+ "3nfy",
+ "7n6i",
+ "4rl8",
+ "6in9",
+ "5nav",
+ "1m9q",
+ "5plo",
+ "2f3u",
+ "1h1v",
+ "1f75",
+ "3w37",
+ "3drf",
+ "8ayh",
+ "5jrx",
+ "4pkq",
+ "1ixg",
+ "1glh",
+ "6zwf",
+ "4nd2",
+ "3hyf",
+ "1o45",
+ "3qu5",
+ "2yz7",
+ "8e62",
+ "4f3l",
+ "3raq",
+ "2v7m",
+ "4rwz",
+ "3rzi",
+ "7l25",
+ "6q4y",
+ "7s7m",
+ "6gf7",
+ "2xh1",
+ "5xxs",
+ "5iz0",
+ "6h3h",
+ "4r8a",
+ "7y67",
+ "3dd3",
+ "2qvb",
+ "7s9h",
+ "2hmt",
+ "3e0o",
+ "4b91",
+ "3veu",
+ "1f3c",
+ "5ydd",
+ "5po4",
+ "7keu",
+ "6i44",
+ "5ozg",
+ "1lyj",
+ "8h4z",
+ "3zot",
+ "4q03",
+ "6epx",
+ "5tjr",
+ "5ror",
+ "5vrt",
+ "1lox",
+ "4j9t",
+ "5a1p",
+ "6hs6",
+ "2d2d",
+ "3ljr",
+ "4hs2",
+ "1z7p",
+ "7jv0",
+ "4njq",
+ "7tuc",
+ "7rj8",
+ "5tdz",
+ "4bil",
+ "2o5p",
+ "1z7m",
+ "3h4l",
+ "2fnp",
+ "6eyv",
+ "2gd6",
+ "2a1u",
+ "3avr",
+ "2e86",
+ "1yiy",
+ "6ypg",
+ "2v3w",
+ "4oph",
+ "4mmt",
+ "6ftb",
+ "1hj4",
+ "1v81",
+ "5dhp",
+ "4dwg",
+ "4ny5",
+ "6g50",
+ "1hj9",
+ "6l8t",
+ "5lsq",
+ "6zrw",
+ "1shx",
+ "6d7f",
+ "3tc7",
+ "3mfu",
+ "1eog",
+ "8ex2",
+ "2xs8",
+ "3zk5",
+ "4c4x",
+ "4lvl",
+ "4f0p",
+ "4xx0",
+ "6o6x",
+ "4q95",
+ "2c7n",
+ "3n39",
+ "6juk",
+ "7c7o",
+ "4lhv",
+ "5a9h",
+ "5ckt",
+ "5aox",
+ "4fsf",
+ "7mbf",
+ "2wft",
+ "1alk",
+ "8dy0",
+ "3pax",
+ "1cdq",
+ "4dlk",
+ "3nxy",
+ "4j9q",
+ "4l8u",
+ "4y7o",
+ "1n42",
+ "5rd6",
+ "7bal",
+ "4ay0",
+ "7mmb",
+ "5ig8",
+ "5rbv",
+ "7tuk",
+ "5b6s",
+ "3d59",
+ "6qhz",
+ "3hw1",
+ "1jv0",
+ "1zdw",
+ "6d7s",
+ "3lpz",
+ "6pow",
+ "4x5c",
+ "2ov3",
+ "1tsq",
+ "2bky",
+ "6zpg",
+ "2fq6",
+ "5l5w",
+ "1jil",
+ "1l76",
+ "2xrw",
+ "5kzb",
+ "2laz",
+ "3ddi",
+ "1g1m",
+ "1e2l",
+ "5fb1",
+ "3puw",
+ "7l8u",
+ "2bqj",
+ "4q7c",
+ "3htu",
+ "4ijf",
+ "6tfd",
+ "5jm6",
+ "6uv1",
+ "3lrd",
+ "3tmu",
+ "2g9t",
+ "6mq7",
+ "7s2a",
+ "7yrf",
+ "6do7",
+ "5pcz",
+ "4crw",
+ "4edb",
+ "1iyx",
+ "3a4u",
+ "5gip",
+ "2ia6",
+ "4dso",
+ "3vgc",
+ "5mea",
+ "7wst",
+ "1rqi",
+ "2wyy",
+ "5rci",
+ "7zva",
+ "1uj0",
+ "3wsj",
+ "7q26",
+ "3m1m",
+ "3ccx",
+ "7s0z",
+ "4igw",
+ "3u2o",
+ "4fn2",
+ "6zd5",
+ "5jh0",
+ "5ej7",
+ "4uex",
+ "3dss",
+ "2zrz",
+ "5ec1",
+ "5ihe",
+ "6etg",
+ "1s8a",
+ "1cdy",
+ "1w7z",
+ "4yp6",
+ "7vlh",
+ "5he3",
+ "2zzc",
+ "2xvy",
+ "2w8v",
+ "5nja",
+ "1t1f",
+ "5xaz",
+ "2pcb",
+ "2bl9",
+ "4je3",
+ "4ox2",
+ "4h88",
+ "4d12",
+ "1k37",
+ "5ixy",
+ "5hyf",
+ "5uci",
+ "3e2c",
+ "2ihz",
+ "2qg4",
+ "5gj9",
+ "4mcq",
+ "4xgx",
+ "8eoc",
+ "2aqk",
+ "6gg1",
+ "2zn8",
+ "7rt1",
+ "1e2o",
+ "7nip",
+ "3hlf",
+ "7aw9",
+ "3r9o",
+ "3uek",
+ "5d5e",
+ "3qky",
+ "6t81",
+ "1fcj",
+ "2l7u",
+ "1oxl",
+ "6jn0",
+ "2ggp",
+ "4bvk",
+ "7xo0",
+ "4bb6",
+ "3gi1",
+ "5wln",
+ "5g2z",
+ "1wbw",
+ "6oll",
+ "1x9v",
+ "2ypz",
+ "5b4a",
+ "5drv",
+ "3bxe",
+ "7pvc",
+ "6vac",
+ "7ef2",
+ "6qbs",
+ "3uel",
+ "6j7i",
+ "1mrv",
+ "6ck8",
+ "7kc2",
+ "2pwr",
+ "6uob",
+ "5zqh",
+ "3lev",
+ "6z2b",
+ "6n5w",
+ "1sxg",
+ "4ac4",
+ "7xga",
+ "4ios",
+ "6juy",
+ "3ldn",
+ "1qfs",
+ "6f88",
+ "5rf7",
+ "6p54",
+ "5xhz",
+ "1sw2",
+ "1jkv",
+ "5ho5",
+ "1e27",
+ "5ptw",
+ "6d9r",
+ "7lvz",
+ "1pzt",
+ "4b05",
+ "5jwq",
+ "4occ",
+ "1r23",
+ "5ilf",
+ "5y9h",
+ "6gk9",
+ "2lc0",
+ "6ikg",
+ "3b35",
+ "3w8g",
+ "1hqy",
+ "2gt5",
+ "3dkl",
+ "6vfu",
+ "1j54",
+ "3t30",
+ "1ia7",
+ "5pxp",
+ "1yk0",
+ "3v5s",
+ "6kby",
+ "4lh0",
+ "5xb1",
+ "4wyq",
+ "2jng",
+ "6e8m",
+ "3rop",
+ "2bx4",
+ "1kqv",
+ "5j4h",
+ "4js6",
+ "4l9w",
+ "4dwb",
+ "7z1u",
+ "5n5s",
+ "5svf",
+ "7rkl",
+ "4zdj",
+ "1til",
+ "6r48",
+ "5hgp",
+ "6lpn",
+ "1c8n",
+ "7co1",
+ "2msc",
+ "3nbu",
+ "6n02",
+ "4b5x",
+ "5f3t",
+ "5vbz",
+ "1lrj",
+ "5p1b",
+ "5ehv",
+ "6t63",
+ "5cgs",
+ "1rq3",
+ "7z1b",
+ "4hot",
+ "5xaq",
+ "4j4e",
+ "7xwz",
+ "1fdd",
+ "7vpw",
+ "1dkq",
+ "7rcv",
+ "6poj",
+ "6h4p",
+ "1suh",
+ "6c6z",
+ "2xme",
+ "6x0p",
+ "7su9",
+ "1ssx",
+ "3qsd",
+ "7jig",
+ "3qdq",
+ "1n8v",
+ "3vnb",
+ "4nsr",
+ "5rvh",
+ "1jiq",
+ "6pye",
+ "6o0e",
+ "6hba",
+ "6hz6",
+ "4eax",
+ "6wx5",
+ "1x8o",
+ "8e0h",
+ "2gbp",
+ "5o40",
+ "4jie",
+ "7e59",
+ "4yo8",
+ "4czn",
+ "5ont",
+ "8ame",
+ "6djj",
+ "6xq8",
+ "5ito",
+ "4qpq",
+ "5wkw",
+ "4xic",
+ "7qyt",
+ "2pld",
+ "4r67",
+ "6i0o",
+ "2fk3",
+ "3fzi",
+ "2bv7",
+ "5khe",
+ "6d9t",
+ "7eux",
+ "4uqy",
+ "5uj4",
+ "4l44",
+ "2lqq",
+ "4ipd",
+ "8hgg",
+ "7phi",
+ "1cv2",
+ "5l4i",
+ "3roh",
+ "1uh7",
+ "1mi6",
+ "1pnb",
+ "3lt1",
+ "5itv",
+ "6oq8",
+ "3q3d",
+ "3dvc",
+ "1t79",
+ "2l84",
+ "1pgn",
+ "7dv8",
+ "6nx0",
+ "7fkg",
+ "5xv5",
+ "1tcr",
+ "3bkn",
+ "1cfr",
+ "4c6u",
+ "2a57",
+ "5e67",
+ "3oxs",
+ "5zbk",
+ "7tdm",
+ "4wsa",
+ "4kgz",
+ "7p6m",
+ "2wm5",
+ "2v5w",
+ "6aj4",
+ "6g85",
+ "6qwe",
+ "3lwq",
+ "2hhn",
+ "5ylh",
+ "3deq",
+ "1aku",
+ "1a43",
+ "1vb2",
+ "2bhc",
+ "3dyn",
+ "5h8z",
+ "7mok",
+ "7xpy",
+ "3gay",
+ "3pdt",
+ "5v0n",
+ "7q0g",
+ "4ckl",
+ "6r8f",
+ "1sx1",
+ "2vsa",
+ "5w2x",
+ "5jxf",
+ "1y2x",
+ "5pcq",
+ "4h6t",
+ "7bbr",
+ "4h9w",
+ "2oig",
+ "6qv5",
+ "7ocl",
+ "5ddz",
+ "5v6u",
+ "6th8",
+ "5oqi",
+ "1a7t",
+ "1srk",
+ "2nsf",
+ "2jhv",
+ "6hv1",
+ "4azc",
+ "5u5l",
+ "4qrm",
+ "5eep",
+ "6omp",
+ "7owr",
+ "3aat",
+ "7kgm",
+ "5pug",
+ "6s19",
+ "4imz",
+ "3o31",
+ "5uab",
+ "3cc5",
+ "5uhb",
+ "5jp5",
+ "5ecx",
+ "6kap",
+ "2fif",
+ "1gpz",
+ "3w4p",
+ "3htb",
+ "8egi",
+ "4h95",
+ "3dsz",
+ "4qbo",
+ "1evk",
+ "7m5u",
+ "1pu5",
+ "7esz",
+ "7qp9",
+ "4y90",
+ "4zbr",
+ "5c88",
+ "3zhn",
+ "2dds",
+ "1aiv",
+ "4mwy",
+ "2kse",
+ "6v1w",
+ "3id6",
+ "4wa8",
+ "1o2l",
+ "1e7d",
+ "1abb",
+ "6a9f",
+ "4cxl",
+ "5bk7",
+ "4aoh",
+ "1c7h",
+ "7oc5",
+ "1xrt",
+ "4y76",
+ "7s73",
+ "2x8e",
+ "1p0b",
+ "4z6s",
+ "1fwh",
+ "5ph1",
+ "2wqn",
+ "3r7n",
+ "3bfb",
+ "8fht",
+ "1tlo",
+ "5kj8",
+ "2cbn",
+ "4lyp",
+ "4c5d",
+ "5vdv",
+ "1fid",
+ "5yir",
+ "7p70",
+ "7jl2",
+ "4w7p",
+ "2cjp",
+ "1pjd",
+ "5vvm",
+ "4bzp",
+ "5ta4",
+ "4gr3",
+ "2ndb",
+ "5gwt",
+ "5mtm",
+ "8f4w",
+ "6qjx",
+ "3b9m",
+ "1sd9",
+ "7ji1",
+ "5me6",
+ "2pnh",
+ "6ytt",
+ "7ose",
+ "7xxb",
+ "1fjt",
+ "1fr0",
+ "3t7o",
+ "7xv3",
+ "7fhn",
+ "7pbq",
+ "5dj8",
+ "4j0f",
+ "7spt",
+ "1dpd",
+ "4iit",
+ "6sz7",
+ "5ggz",
+ "2os5",
+ "4xue",
+ "1umn",
+ "5oy1",
+ "5ca3",
+ "1shb",
+ "5f93",
+ "6pts",
+ "4f7i",
+ "3khm",
+ "8e88",
+ "7b63",
+ "6xyr",
+ "3ucq",
+ "7m0d",
+ "2xoe",
+ "5h1p",
+ "3s2y",
+ "1e7i",
+ "1l05",
+ "5cby",
+ "4cme",
+ "1l8t",
+ "5e4k",
+ "6hho",
+ "5xkw",
+ "3ryk",
+ "6wrm",
+ "5tet",
+ "6f6b",
+ "4ob4",
+ "3bmv",
+ "2hko",
+ "3wln",
+ "5qzs",
+ "5son",
+ "1cex",
+ "6vfz",
+ "4o97",
+ "5cwq",
+ "5nx0",
+ "7xsi",
+ "2gko",
+ "3sgr",
+ "3i03",
+ "2g22",
+ "1cii",
+ "3ejw",
+ "7bvz",
+ "4l5e",
+ "1mjv",
+ "6d8b",
+ "3zjc",
+ "6sjk",
+ "6nan",
+ "1ztr",
+ "6bsw",
+ "3oqk",
+ "2qeq",
+ "4k85",
+ "2e53",
+ "5ckg",
+ "2d4n",
+ "2dw0",
+ "5o0d",
+ "2fl9",
+ "2gi7",
+ "7rit",
+ "5ujr",
+ "2o9i",
+ "6kn7",
+ "7sk2",
+ "4fhr",
+ "3g3r",
+ "5le8",
+ "5bvk",
+ "7v9j",
+ "8amv",
+ "5i5g",
+ "2pu4",
+ "7aty",
+ "2btd",
+ "4lji",
+ "7lkt",
+ "5r8c",
+ "7ufw",
+ "5f8j",
+ "1yo0",
+ "6lkb",
+ "1x60",
+ "2xe6",
+ "1m7y",
+ "2ezl",
+ "7dm4",
+ "6ohj",
+ "1q9f",
+ "4i2i",
+ "1d9v",
+ "5evb",
+ "1qvu",
+ "6nrx",
+ "7c4t",
+ "2x7i",
+ "6hah",
+ "5em5",
+ "3q7w",
+ "2h6h",
+ "5yr0",
+ "6urq",
+ "5xjk",
+ "3qre",
+ "6cwm",
+ "5jto",
+ "3jrb",
+ "7k0u",
+ "1mx3",
+ "1imv",
+ "1iu0",
+ "1hze",
+ "6p40",
+ "3bm4",
+ "3doe",
+ "3sk9",
+ "1s3v",
+ "1o5a",
+ "6o5j",
+ "5n9g",
+ "5xzw",
+ "7age",
+ "4yax",
+ "1tmy",
+ "2frc",
+ "1ge5",
+ "3beh",
+ "1ypp",
+ "3gua",
+ "4con",
+ "3gj4",
+ "5w92",
+ "4coo",
+ "4dfi",
+ "2jmj",
+ "4pd9",
+ "1a2l",
+ "2yl8",
+ "3srg",
+ "1tgj",
+ "3mn8",
+ "3hom",
+ "6f68",
+ "3q7l",
+ "5o7c",
+ "5clc",
+ "7aas",
+ "5kal",
+ "1nul",
+ "1pad",
+ "6nlf",
+ "6fav",
+ "6abw",
+ "2vju",
+ "1a3k",
+ "2nd7",
+ "6nwm",
+ "6m4u",
+ "4cg8",
+ "6bor",
+ "3hpy",
+ "4qw5",
+ "5wds",
+ "3hyd",
+ "4ayx",
+ "5tdc",
+ "3muc",
+ "7xws",
+ "6yk4",
+ "3v6e",
+ "5p7b",
+ "5cxa",
+ "6lks",
+ "1o3h",
+ "2wad",
+ "3qxd",
+ "6wbl",
+ "5zhi",
+ "1fqy",
+ "2vsd",
+ "2oxh",
+ "2psj",
+ "5qg8",
+ "5b4d",
+ "6xiy",
+ "1n35",
+ "1lfq",
+ "5b5k",
+ "4f1g",
+ "1trm",
+ "6w0v",
+ "5zdh",
+ "2ha2",
+ "6pzv",
+ "4w2o",
+ "4lfn",
+ "1os3",
+ "4x8e",
+ "4qbh",
+ "2fle",
+ "2b48",
+ "7zbv",
+ "4ihd",
+ "5p1c",
+ "4v3n",
+ "4hlt",
+ "4l5s",
+ "1ml7",
+ "1l47",
+ "5x7x",
+ "4nsw",
+ "6j7w",
+ "7wgs",
+ "1sg7",
+ "7dh1",
+ "1slc",
+ "5ku7",
+ "2r5e",
+ "3azy",
+ "6ugr",
+ "7xha",
+ "1etx",
+ "2lt7",
+ "1y03",
+ "2mzh",
+ "6lj5",
+ "5di0",
+ "7ru9",
+ "6gwe",
+ "5nbd",
+ "4qa1",
+ "5p1i",
+ "8fr4",
+ "1ghc",
+ "5ajw",
+ "7ee3",
+ "7fk6",
+ "1z8p",
+ "5rm8",
+ "7q2s",
+ "5x4t",
+ "6leo",
+ "4n0d",
+ "4pjt",
+ "3ktl",
+ "7crx",
+ "1xtt",
+ "2aq0",
+ "1yro",
+ "5k4j",
+ "1bvq",
+ "5p0j",
+ "2jd3",
+ "2zpd",
+ "1iap",
+ "7ynv",
+ "8gwe",
+ "8ay8",
+ "4wqp",
+ "8i1a",
+ "5ese",
+ "1ro0",
+ "4o78",
+ "2vd5",
+ "6pe5",
+ "6hke",
+ "1jqi",
+ "7sp6",
+ "7as0",
+ "7cm5",
+ "5nr2",
+ "2x1m",
+ "6fsj",
+ "8deo",
+ "6q4t",
+ "4ki9",
+ "5xb5",
+ "5w3r",
+ "6u1y",
+ "3to5",
+ "3hq5",
+ "2h03",
+ "3oty",
+ "5ygb",
+ "2i8u",
+ "4a0e",
+ "6da7",
+ "4hzu",
+ "1n2f",
+ "5tyx",
+ "2o1d",
+ "6dxt",
+ "6r2x",
+ "4rl3",
+ "4c8f",
+ "6der",
+ "6tab",
+ "2vd0",
+ "4z2n",
+ "5ofa",
+ "7mlo",
+ "4rbr",
+ "6a1u",
+ "7c39",
+ "6z60",
+ "4wkm",
+ "4qn3",
+ "6lve",
+ "4daj",
+ "3s9i",
+ "1lf1",
+ "7x8c",
+ "1jti",
+ "5ppl",
+ "6ieg",
+ "6gov",
+ "1ra1",
+ "3szk",
+ "5b7f",
+ "3h20",
+ "4omp",
+ "7poy",
+ "4bf7",
+ "3c8s",
+ "4kn4",
+ "6h9w",
+ "3bx2",
+ "8prk",
+ "8dy4",
+ "6a8p",
+ "2v0g",
+ "1xyj",
+ "1jrg",
+ "4wn9",
+ "2hfr",
+ "8gvn",
+ "4dc4",
+ "1c92",
+ "7rhi",
+ "6wm6",
+ "3aop",
+ "3dlw",
+ "7tzm",
+ "1jbt",
+ "7p0i",
+ "1c2b",
+ "3hzu",
+ "4i4z",
+ "4mql",
+ "1wby",
+ "4dpl",
+ "1sh1",
+ "2ccm",
+ "1a8r",
+ "5l7o",
+ "7bfq",
+ "5xak",
+ "6qh7",
+ "4oq7",
+ "6twr",
+ "6ybz",
+ "5szh",
+ "3bat",
+ "7b4r",
+ "3o5c",
+ "6ik6",
+ "2hjk",
+ "4nwo",
+ "3g4i",
+ "5xdb",
+ "2ge7",
+ "6ngn",
+ "7uu5",
+ "3th6",
+ "7jzj",
+ "5opv",
+ "4y3y",
+ "4jt9",
+ "4dw3",
+ "2pdi",
+ "6qla",
+ "5tx3",
+ "1v7r",
+ "5mil",
+ "5jmg",
+ "2d05",
+ "4cnd",
+ "6ay2",
+ "3qxg",
+ "5f94",
+ "6kct",
+ "4gp4",
+ "5r91",
+ "6jgr",
+ "5s4b",
+ "5ern",
+ "5b3a",
+ "2mm3",
+ "4e0v",
+ "3htq",
+ "7xhb",
+ "5npf",
+ "5t3r",
+ "5e76",
+ "2ya8",
+ "6u9b",
+ "4ad8",
+ "5moj",
+ "6b6n",
+ "4ddo",
+ "2fze",
+ "7xi7",
+ "1u2o",
+ "6btl",
+ "6cju",
+ "5eel",
+ "5jkr",
+ "3drx",
+ "3i91",
+ "4rhy",
+ "4dvz",
+ "3kbm",
+ "3kt0",
+ "7o4u",
+ "7fm1",
+ "5uun",
+ "3qc9",
+ "1mdu",
+ "7lw8",
+ "4xlr",
+ "1hi7",
+ "2z9b",
+ "1nsv",
+ "1qbu",
+ "5abu",
+ "1nye",
+ "4pas",
+ "2yg2",
+ "2i88",
+ "1x0t",
+ "5etb",
+ "5p2l",
+ "7qvs",
+ "4wme",
+ "6f0m",
+ "2qno",
+ "484d",
+ "3zll",
+ "2p9p",
+ "1l28",
+ "2oht",
+ "5m37",
+ "4c8i",
+ "5e44",
+ "3fhd",
+ "5l6g",
+ "2aqj",
+ "2yn7",
+ "5zlr",
+ "4p22",
+ "1aya",
+ "7pwy",
+ "6e2s",
+ "8ac1",
+ "2be6",
+ "6ca2",
+ "3ug6",
+ "4jvi",
+ "3roq",
+ "3rl8",
+ "1g3w",
+ "1bwu",
+ "1jr3",
+ "5l85",
+ "6kb3",
+ "5fl1",
+ "6ajj",
+ "5up2",
+ "1u16",
+ "2a3k",
+ "3sou",
+ "6fba",
+ "1lev",
+ "1irs",
+ "2g01",
+ "7eet",
+ "3ryd",
+ "2hn1",
+ "7pd1",
+ "3dkb",
+ "2ypw",
+ "6px1",
+ "5lga",
+ "1qwq",
+ "1nq1",
+ "5cyg",
+ "3v2a",
+ "5ac4",
+ "7wnk",
+ "6xis",
+ "4dwr",
+ "3zlh",
+ "8e2j",
+ "6nw5",
+ "3tet",
+ "4nnw",
+ "3ree",
+ "1ddr",
+ "1tp0",
+ "4chp",
+ "1bm8",
+ "2nbi",
+ "7dr6",
+ "7vn7",
+ "6jcr",
+ "1lqu",
+ "1pe4",
+ "1awh",
+ "5szu",
+ "2bpc",
+ "3i5f",
+ "3tm1",
+ "2v9y",
+ "1yft",
+ "2lcr",
+ "4iz7",
+ "1nja",
+ "6dk9",
+ "6a99",
+ "6jh5",
+ "4b79",
+ "2pko",
+ "5frs",
+ "1k93",
+ "7cxv",
+ "7lao",
+ "7yij",
+ "1puo",
+ "3l2w",
+ "4jeu",
+ "2w2a",
+ "6sgh",
+ "7uty",
+ "2zco",
+ "3jx3",
+ "5qmq",
+ "2l5r",
+ "4xoh",
+ "3znv",
+ "3g9h",
+ "2k79",
+ "4ho7",
+ "4abk",
+ "2jd4",
+ "4z0q",
+ "1ovx",
+ "3vrc",
+ "3hkj",
+ "1b3h",
+ "2xvg",
+ "6ges",
+ "6wjh",
+ "6xv7",
+ "3wpr",
+ "4h9j",
+ "4i9h",
+ "7zut",
+ "4j6b",
+ "4wyd",
+ "5j08",
+ "5qd2",
+ "4pvd",
+ "3aa8",
+ "1gr5",
+ "8cx3",
+ "4jo8",
+ "2av0",
+ "2bql",
+ "1jza",
+ "1pr6",
+ "5mn8",
+ "3csg",
+ "6iow",
+ "4eus",
+ "4cqo",
+ "1xxi",
+ "1y6p",
+ "1zz3",
+ "2al1",
+ "6uns",
+ "1s2i",
+ "1q91",
+ "5plf",
+ "1tfc",
+ "4ogt",
+ "1ju2",
+ "6lx2",
+ "7moz",
+ "2p9c",
+ "6ute",
+ "5xw0",
+ "3t5x",
+ "6pca",
+ "3nl1",
+ "2pyp",
+ "1cch",
+ "8dak",
+ "7k9d",
+ "1t2i",
+ "1khd",
+ "3luc",
+ "4b6x",
+ "3h90",
+ "3wjn",
+ "3vtu",
+ "7pbl",
+ "2o21",
+ "7rb0",
+ "5xby",
+ "1m7e",
+ "3sdh",
+ "1h5r",
+ "2spg",
+ "1n5q",
+ "2e6b",
+ "4prq",
+ "4tq1",
+ "4abd",
+ "3rjm",
+ "3nyl",
+ "4gxz",
+ "8cy3",
+ "3pwv",
+ "6sx0",
+ "3b03",
+ "4bdl",
+ "1jg6",
+ "5ch3",
+ "5bwe",
+ "1up1",
+ "6dn6",
+ "4ewl",
+ "5kbf",
+ "7xuf",
+ "8avk",
+ "6ckm",
+ "1xfl",
+ "8d9o",
+ "5tmx",
+ "5pbj",
+ "1p6i",
+ "8il3",
+ "5hw8",
+ "6nkk",
+ "5xia",
+ "3x2h",
+ "6p9l",
+ "4wwi",
+ "3f34",
+ "3wy1",
+ "6tzb",
+ "4b1l",
+ "1uvg",
+ "2myj",
+ "5o32",
+ "5n3u",
+ "1a1w",
+ "7sef",
+ "5ee3",
+ "6lxa",
+ "5w13",
+ "4k7k",
+ "2we3",
+ "1m9t",
+ "4xyk",
+ "7ros",
+ "6ba3",
+ "4czk",
+ "5rlk",
+ "4jc6",
+ "5y8l",
+ "5hdh",
+ "6dh2",
+ "2nta",
+ "6f0z",
+ "4xre",
+ "1uns",
+ "5v7s",
+ "3r9e",
+ "5k21",
+ "1lnu",
+ "5d0u",
+ "6egt",
+ "5j1d",
+ "5uie",
+ "1y0r",
+ "8abb",
+ "5wcs",
+ "3kw1",
+ "2ev9",
+ "2w4x",
+ "2ed4",
+ "1zag",
+ "4uq9",
+ "4emu",
+ "2wsv",
+ "4ii3",
+ "7pl0",
+ "4jxs",
+ "2me9",
+ "7cxt",
+ "1ec9",
+ "6saw",
+ "7kab",
+ "2ob1",
+ "3ea2",
+ "2cmm",
+ "5pps",
+ "7jsg",
+ "5dbc",
+ "5ncp",
+ "1jv3",
+ "6x8n",
+ "5stf",
+ "2ihd",
+ "5s3p",
+ "6mgs",
+ "1rnc",
+ "1szi",
+ "4v30",
+ "5hn7",
+ "2x6t",
+ "5r2p",
+ "4rc1",
+ "2lvi",
+ "5urg",
+ "4l4t",
+ "1gzp",
+ "5npu",
+ "2zas",
+ "5wvf",
+ "4r6r",
+ "7cuq",
+ "1uhe",
+ "7tbv",
+ "8dmo",
+ "5rbz",
+ "6g8k",
+ "6cfx",
+ "4iwq",
+ "4kpp",
+ "7q1n",
+ "3ci4",
+ "1d4o",
+ "6x5q",
+ "4x3b",
+ "3tie",
+ "4qc4",
+ "1vg6",
+ "4l2d",
+ "7rw9",
+ "4bwb",
+ "6xuv",
+ "6or2",
+ "2p3k",
+ "1gf9",
+ "4icv",
+ "1efg",
+ "3ne0",
+ "5oes",
+ "4o9v",
+ "3n1i",
+ "5zys",
+ "5n9a",
+ "4jfn",
+ "6q93",
+ "5kzq",
+ "5p66",
+ "3lc6",
+ "2xep",
+ "3iim",
+ "6jt2",
+ "5gnv",
+ "4q6i",
+ "1d3m",
+ "1vdc",
+ "1k2c",
+ "2g4v",
+ "7mqq",
+ "2zdp",
+ "2ivk",
+ "2gbc",
+ "8ddz",
+ "5xox",
+ "4n98",
+ "6dee",
+ "5pxs",
+ "3pw4",
+ "7z8u",
+ "5sbd",
+ "4pwe",
+ "7zih",
+ "2exw",
+ "6b9h",
+ "4zeb",
+ "4c0l",
+ "1xzy",
+ "1r9n",
+ "5f4r",
+ "1po0",
+ "6t6m",
+ "7own",
+ "3cq4",
+ "6pwj",
+ "6bjg",
+ "6t60",
+ "3x2m",
+ "2ag4",
+ "5oq7",
+ "5ipq",
+ "2pux",
+ "7qmv",
+ "1bip",
+ "1fwq",
+ "2z54",
+ "2jhb",
+ "3b2d",
+ "5hoo",
+ "3t73",
+ "2yvo",
+ "3f75",
+ "4al4",
+ "4pwf",
+ "5may",
+ "3f5j",
+ "4ncl",
+ "7mts",
+ "7dsl",
+ "4utu",
+ "4aau",
+ "1cz6",
+ "2y1g",
+ "6tbb",
+ "6yh9",
+ "6mn5",
+ "3gvb",
+ "6n74",
+ "5eyo",
+ "6bgo",
+ "1jrl",
+ "2e2z",
+ "4myn",
+ "4i0t",
+ "2kvc",
+ "2kx4",
+ "5rgp",
+ "1byq",
+ "1yqx",
+ "4e08",
+ "1a0i",
+ "2w01",
+ "1y9o",
+ "6bnb",
+ "3fcc",
+ "3nm8",
+ "4kdd",
+ "3cd2",
+ "3ltp",
+ "6ba5",
+ "4mn9",
+ "5s4e",
+ "5q0i",
+ "8djf",
+ "2pnq",
+ "2fxi",
+ "4lhp",
+ "3zja",
+ "3djj",
+ "7p72",
+ "7uzc",
+ "1avk",
+ "6qfr",
+ "8ef6",
+ "4ofr",
+ "4f0i",
+ "2bwy",
+ "3dai",
+ "1nv4",
+ "7c2b",
+ "5j1g",
+ "4xyz",
+ "4im0",
+ "6puw",
+ "7rbz",
+ "3unq",
+ "1za1",
+ "3ikr",
+ "1lqw",
+ "5ct1",
+ "3qq6",
+ "8bc3",
+ "6qe0",
+ "6plp",
+ "5eaf",
+ "7ly9",
+ "5dru",
+ "1rjc",
+ "1yc8",
+ "6coy",
+ "6l6m",
+ "7ely",
+ "8drk",
+ "3jvs",
+ "7oo0",
+ "1n4n",
+ "5gin",
+ "7sor",
+ "1g7h",
+ "1gvp",
+ "4mec",
+ "7exv",
+ "7tx6",
+ "5m8k",
+ "3zjb",
+ "4p81",
+ "6om4",
+ "4rm9",
+ "1v2a",
+ "2a6h",
+ "4ig3",
+ "3c5w",
+ "4xrw",
+ "2nv0",
+ "2i2y",
+ "7k0g",
+ "2zai",
+ "4wc5",
+ "7o79",
+ "4ubw",
+ "2p2k",
+ "6qp2",
+ "1xhm",
+ "2wvm",
+ "6pp5",
+ "3hub",
+ "2gd3",
+ "7z16",
+ "2xxf",
+ "2yp2",
+ "5ou2",
+ "4ri1",
+ "2b7j",
+ "1yh2",
+ "1v6r",
+ "7snf",
+ "6wzm",
+ "3rlc",
+ "6kd7",
+ "6crm",
+ "5bqs",
+ "4oct",
+ "5hh7",
+ "3rf2",
+ "6r7d",
+ "7vrb",
+ "7lnw",
+ "1bil",
+ "5owj",
+ "2not",
+ "1g81",
+ "3dgn",
+ "3zl9",
+ "4p2r",
+ "3ezn",
+ "3vsk",
+ "5ij4",
+ "5syg",
+ "8dtr",
+ "7l48",
+ "1lcw",
+ "4fik",
+ "1ls1",
+ "5pf1",
+ "3qq3",
+ "2wyc",
+ "1f2o",
+ "5ai1",
+ "6cut",
+ "1xyh",
+ "7s2x",
+ "7rhv",
+ "7aaq",
+ "5dcm",
+ "7jr8",
+ "256l",
+ "5na1",
+ "6lnn",
+ "1t00",
+ "3oti",
+ "3wkc",
+ "2ze1",
+ "5onz",
+ "4pu5",
+ "3nsq",
+ "3rry",
+ "2kub",
+ "5y5z",
+ "6oxs",
+ "6amf",
+ "3tkn",
+ "1md0",
+ "2p0f",
+ "7mdl",
+ "3rto",
+ "2kdc",
+ "6gnn",
+ "4j1o",
+ "3fum",
+ "3e6u",
+ "7k15",
+ "6e5f",
+ "7te2",
+ "7de1",
+ "1i3e",
+ "4ytr",
+ "1hms",
+ "2isk",
+ "5wmi",
+ "3x0e",
+ "6jsn",
+ "1fwl",
+ "3aa3",
+ "3sxe",
+ "1rcm",
+ "6m2q",
+ "5ly3",
+ "2kif",
+ "4gwj",
+ "3dfp",
+ "3ks4",
+ "6f2f",
+ "3gy4",
+ "5dx1",
+ "7f77",
+ "5ahx",
+ "6vfe",
+ "4m6i",
+ "3mhu",
+ "4dl6",
+ "2qkv",
+ "3k2u",
+ "3cj7",
+ "6q1i",
+ "4gp0",
+ "5ufx",
+ "3emw",
+ "4an0",
+ "4imw",
+ "3tck",
+ "6e59",
+ "7m0a",
+ "7bzd",
+ "1rm8",
+ "7mzc",
+ "3jw2",
+ "6jzs",
+ "3oip",
+ "1hdi",
+ "5ix0",
+ "4i8j",
+ "4yau",
+ "3twy",
+ "5djq",
+ "4l55",
+ "3gce",
+ "5ldw",
+ "2xu9",
+ "3k7d",
+ "6nnn",
+ "6l5x",
+ "4d41",
+ "4lgk",
+ "2ex8",
+ "4z62",
+ "7ama",
+ "4azv",
+ "4dvh",
+ "5kau",
+ "4r6z",
+ "3qcc",
+ "3w28",
+ "4o3y",
+ "5n9j",
+ "5zug",
+ "1sgk",
+ "7e5h",
+ "5k8i",
+ "5gva",
+ "7pyy",
+ "1td3",
+ "3ep4",
+ "6uit",
+ "1wko",
+ "2jho",
+ "3avj",
+ "4hon",
+ "1uvf",
+ "2kiu",
+ "5ym3",
+ "7zst",
+ "7fie",
+ "1jmv",
+ "6puv",
+ "3e3c",
+ "2kv1",
+ "3kf3",
+ "6hee",
+ "4amh",
+ "2pse",
+ "6ije",
+ "5oxo",
+ "6zbe",
+ "3wkd",
+ "4wnu",
+ "4iph",
+ "4afc",
+ "2isc",
+ "7f65",
+ "3p2p",
+ "189l",
+ "1ndo",
+ "4kqg",
+ "1lok",
+ "4b7c",
+ "7nsa",
+ "4nyy",
+ "2b6f",
+ "6gcc",
+ "1drz",
+ "6grp",
+ "3stj",
+ "6nhf",
+ "4mc5",
+ "4hj1",
+ "3sqv",
+ "1cqu",
+ "3jyn",
+ "1gy5",
+ "3rio",
+ "3wtv",
+ "5ut3",
+ "4lfs",
+ "6l1d",
+ "2mh3",
+ "7djl",
+ "7aiz",
+ "1x1r",
+ "4etz",
+ "5ha9",
+ "1fxl",
+ "6g0w",
+ "2g02",
+ "6mqb",
+ "4le1",
+ "5r2k",
+ "1nic",
+ "5tno",
+ "1gp7",
+ "7cfm",
+ "6esg",
+ "1v83",
+ "4fbe",
+ "4o8j",
+ "1z17",
+ "5ucf",
+ "3ans",
+ "3ukn",
+ "4muc",
+ "4mxe",
+ "7x8q",
+ "5ook",
+ "4lf3",
+ "5nsd",
+ "1gyk",
+ "1ky1",
+ "5mio",
+ "6szl",
+ "7byv",
+ "2yjy",
+ "6o6j",
+ "8ez4",
+ "7rla",
+ "2pex",
+ "2aip",
+ "6ncj",
+ "5epv",
+ "5frg",
+ "1t41",
+ "3w0i",
+ "1ggd",
+ "4oha",
+ "6szg",
+ "4plt",
+ "7ll2",
+ "5t6x",
+ "2vm2",
+ "5e4r",
+ "5tzm",
+ "7f8g",
+ "6ea7",
+ "4gdb",
+ "5a40",
+ "3nb8",
+ "4una",
+ "5zfa",
+ "5psr",
+ "1ajs",
+ "6vsx",
+ "7pmx",
+ "2o2q",
+ "8gst",
+ "2ykx",
+ "2e00",
+ "2cfv",
+ "4abn",
+ "5ezd",
+ "2lxp",
+ "4gmz",
+ "7aua",
+ "7aw8",
+ "5i1r",
+ "3sph",
+ "4zw3",
+ "6hpf",
+ "3hco",
+ "3zf4",
+ "3sj8",
+ "1yde",
+ "5uhn",
+ "6dzl",
+ "7at7",
+ "7v00",
+ "6wwi",
+ "6fno",
+ "1xyv",
+ "3a9v",
+ "2mbt",
+ "7cnx",
+ "7b5u",
+ "1ahi",
+ "6cl1",
+ "2mn2",
+ "1lfy",
+ "6l01",
+ "6iiu",
+ "2y2d",
+ "4f0a",
+ "5py7",
+ "6e8v",
+ "5jsu",
+ "4l59",
+ "7b4j",
+ "6t1i",
+ "6qjd",
+ "2p4b",
+ "5gyb",
+ "4f3c",
+ "5ab8",
+ "2bpp",
+ "2wq7",
+ "5eq3",
+ "6hjz",
+ "1lg2",
+ "7d8b",
+ "3bhk",
+ "1w45",
+ "1jop",
+ "6d6a",
+ "1reo",
+ "6xxc",
+ "5iz6",
+ "7fho",
+ "3gkn",
+ "4p86",
+ "7al4",
+ "4r72",
+ "3n2r",
+ "5vk6",
+ "1kaf",
+ "3tf8",
+ "4umx",
+ "5ol8",
+ "1dco",
+ "3n0e",
+ "2h8a",
+ "3hzv",
+ "7aes",
+ "4qqk",
+ "2x1c",
+ "7rle",
+ "6bl5",
+ "2gmo",
+ "5ffb",
+ "7kus",
+ "3asu",
+ "5wob",
+ "3cki",
+ "6boo",
+ "5tkl",
+ "4ya9",
+ "5hpj",
+ "3wpp",
+ "2q6a",
+ "5gz3",
+ "6b2m",
+ "6qfl",
+ "4qrc",
+ "5lw1",
+ "5hhh",
+ "6hqd",
+ "5muo",
+ "2vbq",
+ "5t4o",
+ "4rq2",
+ "5wst",
+ "4ldb",
+ "6zho",
+ "2jh8",
+ "4dki",
+ "3t19",
+ "5a7b",
+ "3nv3",
+ "3v01",
+ "7zak",
+ "4gty",
+ "6vvr",
+ "6apx",
+ "4tur",
+ "5wsa",
+ "3pkj",
+ "6jx9",
+ "6wbk",
+ "2zl4",
+ "2auv",
+ "3nxd",
+ "5wrx",
+ "2d3j",
+ "1wcl",
+ "6sml",
+ "7bjy",
+ "1hss",
+ "5lon",
+ "5oo6",
+ "7mmi",
+ "3eos",
+ "1osa",
+ "3ho1",
+ "5pu9",
+ "1dmk",
+ "2mzg",
+ "6ppc",
+ "3itv",
+ "1g8r",
+ "5jcm",
+ "3csq",
+ "7q2b",
+ "5qo8",
+ "1opl",
+ "2lf4",
+ "4lkf",
+ "5mfs",
+ "2k6y",
+ "5rsh",
+ "5iks",
+ "6j2o",
+ "7ea7",
+ "1hsq",
+ "2xqh",
+ "4ouf",
+ "4mmq",
+ "1qqm",
+ "4wuu",
+ "2ks6",
+ "7t6q",
+ "4lc9",
+ "5f61",
+ "6uy7",
+ "4aie",
+ "2oih",
+ "5tc4",
+ "5v7k",
+ "2wja",
+ "3co9",
+ "6c1e",
+ "5g22",
+ "3u3r",
+ "6to8",
+ "4zuq",
+ "4cdm",
+ "7a1a",
+ "1iiw",
+ "1wnh",
+ "6v1f",
+ "3wze",
+ "7v38",
+ "5phe",
+ "4x49",
+ "4buv",
+ "2y84",
+ "4jc4",
+ "1bb6",
+ "1wxy",
+ "6ue4",
+ "6nzd",
+ "4gq7",
+ "7mef",
+ "1reu",
+ "6e3g",
+ "7x64",
+ "1vzg",
+ "7ko9",
+ "2pry",
+ "3fjc",
+ "1hbw",
+ "7u7u",
+ "4x3s",
+ "1g62",
+ "2mbh",
+ "8f41",
+ "1qjh",
+ "5glm",
+ "5exl",
+ "3li2",
+ "2fk7",
+ "1nqw",
+ "7m0n",
+ "5eqs",
+ "2yp8",
+ "2jiq",
+ "2x1q",
+ "1wug",
+ "5lw8",
+ "5dpa",
+ "2bkt",
+ "4ezh",
+ "1gar",
+ "6hck",
+ "1co9",
+ "1xxq",
+ "5kud",
+ "3osp",
+ "4e35",
+ "2j4q",
+ "3axt",
+ "3ktk",
+ "3s5a",
+ "1j4x",
+ "2b1k",
+ "1nnf",
+ "1dsl",
+ "5nt0",
+ "4e8d",
+ "7n0w",
+ "2pkn",
+ "1ttr",
+ "1i0d",
+ "7paz",
+ "2mbr",
+ "5a8h",
+ "2q06",
+ "4ihe",
+ "4ews",
+ "4unx",
+ "4fnv",
+ "118l",
+ "5htz",
+ "2gof",
+ "6jcz",
+ "2man",
+ "1imu",
+ "3km3",
+ "7c0y",
+ "6gqc",
+ "5qz4",
+ "7ve5",
+ "1uxg",
+ "2wio",
+ "6kxe",
+ "4dvx",
+ "8aug",
+ "2xnd",
+ "1jf8",
+ "7b1f",
+ "5ixe",
+ "1un0",
+ "6u2s",
+ "7suf",
+ "6aui",
+ "6i9e",
+ "6r6v",
+ "1vpc",
+ "4do2",
+ "3bk7",
+ "4mp0",
+ "3zxg",
+ "2yia",
+ "4q4i",
+ "1ktt",
+ "7m6q",
+ "6myf",
+ "4ngj",
+ "5h22",
+ "7xgp",
+ "6zxk",
+ "1hde",
+ "7o4b",
+ "7okw",
+ "6j6u",
+ "6hrb",
+ "7s7h",
+ "7eb9",
+ "2a8v",
+ "6gz9",
+ "3g1f",
+ "6dp3",
+ "3n3k",
+ "3vbt",
+ "2zp4",
+ "1gw7",
+ "3q0c",
+ "5aza",
+ "6mog",
+ "4i9r",
+ "4i0z",
+ "1lpc",
+ "3dni",
+ "7cnn",
+ "1tu3",
+ "4eko",
+ "7k29",
+ "6azx",
+ "5ooi",
+ "6eom",
+ "7ahx",
+ "2skc",
+ "3pin",
+ "2qnp",
+ "5z4b",
+ "2q91",
+ "6fo0",
+ "3ckt",
+ "1r0w",
+ "6u9s",
+ "6jql",
+ "2euu",
+ "7d76",
+ "4pk1",
+ "5pbm",
+ "6rd8",
+ "5gr8",
+ "6x6a",
+ "1jzu",
+ "5fr6",
+ "5wm3",
+ "2ixk",
+ "7wl6",
+ "4u2q",
+ "1lda",
+ "2wt0",
+ "1zta",
+ "6hj3",
+ "6qdi",
+ "6pgx",
+ "5tdi",
+ "2h3w",
+ "4umj",
+ "6xln",
+ "1z92",
+ "5z2u",
+ "4jtz",
+ "3sn7",
+ "7sw2",
+ "7btf",
+ "1djc",
+ "5cdx",
+ "7tsf",
+ "5pyx",
+ "2awu",
+ "4l3e",
+ "1stb",
+ "5on1",
+ "5f8m",
+ "7ej6",
+ "4r3a",
+ "1ri0",
+ "4nfe",
+ "6qvy",
+ "1c1k",
+ "3hci",
+ "3uyn",
+ "1cmq",
+ "5ppe",
+ "3t2c",
+ "4f3z",
+ "6nhr",
+ "1e3t",
+ "6rbc",
+ "7e2u",
+ "1igu",
+ "4otv",
+ "7eo5",
+ "6fl3",
+ "6pdv",
+ "5ckn",
+ "3s3c",
+ "5p3z",
+ "3ccv",
+ "3kec",
+ "4k55",
+ "6b90",
+ "1bdr",
+ "6haa",
+ "4jzn",
+ "4kk6",
+ "3x1j",
+ "3dbd",
+ "5y2x",
+ "4z1y",
+ "2pmp",
+ "4p69",
+ "7t92",
+ "7ram",
+ "6pnf",
+ "1lgn",
+ "4apb",
+ "6unz",
+ "3uy8",
+ "4iif",
+ "1gre",
+ "1ix8",
+ "2vmf",
+ "2nsy",
+ "1jiv",
+ "1nny",
+ "5lgt",
+ "7zbc",
+ "5rle",
+ "2y21",
+ "5rft",
+ "4zn5",
+ "5h1c",
+ "1f1g",
+ "5wbz",
+ "3gy5",
+ "2v9w",
+ "5wri",
+ "1yfz",
+ "5xdu",
+ "2yfn",
+ "2hdv",
+ "3acg",
+ "1ofj",
+ "5b1y",
+ "6ri4",
+ "5l9p",
+ "5xib",
+ "6lkj",
+ "7moa",
+ "7zbg",
+ "1nbl",
+ "5mi9",
+ "2zdz",
+ "7juo",
+ "7kro",
+ "3tdx",
+ "7dut",
+ "3wkz",
+ "3ux1",
+ "1ygm",
+ "2kk2",
+ "2oz5",
+ "6kn0",
+ "4gy3",
+ "4zh3",
+ "6sw8",
+ "6ngf",
+ "7ob4",
+ "5x7k",
+ "5w6v",
+ "5gg7",
+ "2vt3",
+ "6jwa",
+ "4kw7",
+ "3f4s",
+ "7cc9",
+ "3o2h",
+ "3vu3",
+ "5pt2",
+ "4yn3",
+ "6niy",
+ "3rjs",
+ "3cdj",
+ "7e6c",
+ "1d1s",
+ "7ppj",
+ "7lkr",
+ "6fwi",
+ "7xk4",
+ "3w5h",
+ "2i6o",
+ "4y12",
+ "4pk3",
+ "3uze",
+ "7fma",
+ "5l58",
+ "5j75",
+ "6rze",
+ "7o0g",
+ "2wfy",
+ "8apr",
+ "1ccu",
+ "4gx2",
+ "3iqf",
+ "1dlo",
+ "6eur",
+ "5p43",
+ "2w4p",
+ "1ia3",
+ "5wop",
+ "6wkn",
+ "1a09",
+ "2czt",
+ "7q27",
+ "2bgy",
+ "5pic",
+ "3d8c",
+ "5z7q",
+ "2c6b",
+ "3kk3",
+ "1rn1",
+ "6f49",
+ "3cwf",
+ "7bln",
+ "3k1l",
+ "1zg6",
+ "6iyk",
+ "5ess",
+ "1r5o",
+ "6cgf",
+ "1o8o",
+ "3seo",
+ "6b07",
+ "1hjd",
+ "2vwb",
+ "6lfo",
+ "6tyw",
+ "8e2m",
+ "5vv2",
+ "4qhc",
+ "6hby",
+ "2a7b",
+ "3aos",
+ "6sep",
+ "1rmk",
+ "1xj4",
+ "3hv5",
+ "7ava",
+ "5hpe",
+ "6dof",
+ "6vru",
+ "4l0d",
+ "7bum",
+ "5dvk",
+ "3sd6",
+ "7aza",
+ "3bod",
+ "4olo",
+ "5ji6",
+ "7b38",
+ "6kli",
+ "2idj",
+ "6ru6",
+ "1qt8",
+ "5q1h",
+ "5b5t",
+ "8gyh",
+ "7ltj",
+ "3mj2",
+ "5t9p",
+ "1z5p",
+ "7qiq",
+ "1xko",
+ "7jtv",
+ "1xzd",
+ "6pzh",
+ "4rj5",
+ "2n1c",
+ "4bt9",
+ "5oau",
+ "6uy9",
+ "4hha",
+ "1uyf",
+ "6xji",
+ "2l83",
+ "1t3m",
+ "7aij",
+ "7jvu",
+ "4x7e",
+ "4uak",
+ "5c9h",
+ "3m4w",
+ "5ajp",
+ "1vih",
+ "7fqo",
+ "5rvc",
+ "1lye",
+ "4p2o",
+ "4puf",
+ "6dk8",
+ "2frw",
+ "9pcy",
+ "5fo2",
+ "4co3",
+ "6owy",
+ "3beq",
+ "6qgk",
+ "4iwz",
+ "2e03",
+ "3aim",
+ "2wer",
+ "2hzs",
+ "4wxq",
+ "1mqp",
+ "6lxp",
+ "1qf5",
+ "7lco",
+ "4dd7",
+ "3b3o",
+ "4gu2",
+ "7oli",
+ "5xsd",
+ "5qyg",
+ "2wa7",
+ "4jaw",
+ "4bgl",
+ "2e22",
+ "7no5",
+ "6i1s",
+ "2q7u",
+ "2a7m",
+ "6iim",
+ "1j6t",
+ "1qqc",
+ "6dqg",
+ "3wy8",
+ "3hmx",
+ "2ie3",
+ "3sbr",
+ "5aa1",
+ "2wc3",
+ "4o3o",
+ "7q0i",
+ "6ob1",
+ "1fdp",
+ "6q8j",
+ "1ky5",
+ "1rj4",
+ "1e1m",
+ "5xhr",
+ "6ghm",
+ "5gye",
+ "6e61",
+ "1air",
+ "7p4f",
+ "7mjt",
+ "5pmu",
+ "1c6v",
+ "5opo",
+ "1c4o",
+ "3x11",
+ "6hpg",
+ "1b7u",
+ "6lgd",
+ "6pwq",
+ "1qdb",
+ "4l0z",
+ "4a0r",
+ "3v5p",
+ "5yuu",
+ "1e52",
+ "7k7i",
+ "7jlm",
+ "7a1q",
+ "7v1h",
+ "6r0i",
+ "8e9f",
+ "2jt6",
+ "4ob8",
+ "5a93",
+ "2ptg",
+ "5rtk",
+ "7pm5",
+ "2v2s",
+ "6lp7",
+ "2b56",
+ "3aic",
+ "3m6i",
+ "4fz2",
+ "7k7a",
+ "3ah3",
+ "5a4v",
+ "3kdj",
+ "3sik",
+ "4uoe",
+ "3nrz",
+ "5niu",
+ "7mi5",
+ "1o37",
+ "1rpk",
+ "1bng",
+ "1q08",
+ "4rhx",
+ "6o20",
+ "5ybg",
+ "7rfu",
+ "1ydc",
+ "4ee0",
+ "1g5q",
+ "5hii",
+ "5sb3",
+ "4f38",
+ "8dik",
+ "8b42",
+ "3cn6",
+ "6ops",
+ "2mtd",
+ "7sz2",
+ "2n7d",
+ "3khz",
+ "3o9v",
+ "2ocw",
+ "5a1w",
+ "3va4",
+ "4ly4",
+ "7xnf",
+ "1cy6",
+ "4bph",
+ "1jqc",
+ "7ksk",
+ "3ftr",
+ "3p83",
+ "5xo0",
+ "5fn3",
+ "4m8e",
+ "2wru",
+ "3v7t",
+ "4x96",
+ "7vir",
+ "6g3r",
+ "7a1y",
+ "5gx6",
+ "2ojn",
+ "7nk8",
+ "6rer",
+ "2xau",
+ "5m23",
+ "1kuk",
+ "6ijn",
+ "4p6b",
+ "3vxs",
+ "6iv4",
+ "7xfr",
+ "2n4b",
+ "5dd6",
+ "1cud",
+ "5yax",
+ "4k7o",
+ "5a5s",
+ "3cj2",
+ "1cy4",
+ "3nxc",
+ "3slz",
+ "5p3c",
+ "1pcq",
+ "6l21",
+ "1as3",
+ "2agd",
+ "6t85",
+ "6qo7",
+ "2ycl",
+ "6biz",
+ "1cd0",
+ "5gok",
+ "6m4k",
+ "1fag",
+ "3l6b",
+ "6iwg",
+ "1igj",
+ "5f5k",
+ "1pem",
+ "7bnt",
+ "7do4",
+ "6apz",
+ "1mhq",
+ "6ida",
+ "4frq",
+ "6l6q",
+ "1pq9",
+ "5pca",
+ "8asr",
+ "6ms2",
+ "2bwa",
+ "6uaq",
+ "5m1a",
+ "2crk",
+ "4ih5",
+ "3ugg",
+ "1jze",
+ "3ugl",
+ "6sm2",
+ "8d8k",
+ "6ohk",
+ "8b1x",
+ "1kda",
+ "4z4i",
+ "5p8m",
+ "2uur",
+ "7rbv",
+ "1puq",
+ "3ny8",
+ "6zru",
+ "5f5n",
+ "3dtj",
+ "2bap",
+ "1pe6",
+ "6hpo",
+ "7a4m",
+ "2voo",
+ "3g0c",
+ "7q0z",
+ "1c29",
+ "7xnz",
+ "2v7z",
+ "4hew",
+ "8ck1",
+ "1tto",
+ "1ygg",
+ "1k3m",
+ "5qzx",
+ "3fjg",
+ "5hd4",
+ "1g9o",
+ "1gxw",
+ "6ix5",
+ "5np4",
+ "5r89",
+ "7cd9",
+ "3olm",
+ "3poj",
+ "5jsg",
+ "3d40",
+ "3o8y",
+ "3vtx",
+ "5m6x",
+ "4kxm",
+ "5wys",
+ "3dzg",
+ "3dtk",
+ "6qg7",
+ "6lnq",
+ "5ktr",
+ "4kmg",
+ "7dni",
+ "4m4e",
+ "3tsb",
+ "3atb",
+ "4ru4",
+ "7aeg",
+ "6n1g",
+ "6p3u",
+ "1w6j",
+ "6vlg",
+ "2jd7",
+ "2q8k",
+ "4v24",
+ "6gry",
+ "4yvm",
+ "5k91",
+ "7ejm",
+ "6piq",
+ "6min",
+ "3ocy",
+ "4ds0",
+ "3rrb",
+ "1ow7",
+ "5pv6",
+ "4yo1",
+ "4jpb",
+ "5u6q",
+ "5r22",
+ "4nrq",
+ "4jbg",
+ "1yce",
+ "1el6",
+ "5cvs",
+ "5v5x",
+ "2w1j",
+ "1rwi",
+ "3hgb",
+ "6yt1",
+ "2i1k",
+ "4kg3",
+ "1gzj",
+ "4v2x",
+ "5r1m",
+ "4un0",
+ "2kfb",
+ "4hqf",
+ "5z4z",
+ "1gri",
+ "1rus",
+ "3i9o",
+ "1fer",
+ "6pip",
+ "5gp9",
+ "2acx",
+ "5uic",
+ "3ozb",
+ "6a1k",
+ "6p97",
+ "7eef",
+ "4gf3",
+ "3fp5",
+ "7t1y",
+ "2jwo",
+ "3c6g",
+ "7vle",
+ "6jwj",
+ "4ij2",
+ "7vlq",
+ "5o6q",
+ "6clt",
+ "7fb9",
+ "4zkd",
+ "2jpx",
+ "6akk",
+ "6tdh",
+ "5nu5",
+ "5l7q",
+ "3e4q",
+ "4iea",
+ "4c1r",
+ "7w0n",
+ "6pi5",
+ "5b70",
+ "5opc",
+ "4qza",
+ "2vi7",
+ "5la7",
+ "7w3v",
+ "6f3s",
+ "4c7o",
+ "5u14",
+ "3r3m",
+ "4zmo",
+ "3fsw",
+ "5e1p",
+ "6nh8",
+ "3uzd",
+ "5meq",
+ "6u4i",
+ "3wem",
+ "1xs2",
+ "1kol",
+ "4ic2",
+ "4njj",
+ "1vig",
+ "7xrp",
+ "3plk",
+ "1qxd",
+ "1z84",
+ "3hq6",
+ "5r2c",
+ "1gef",
+ "4tkm",
+ "5r8e",
+ "4ojk",
+ "5fwq",
+ "7qmg",
+ "3avl",
+ "3owt",
+ "7ln3",
+ "3dan",
+ "5cma",
+ "4bf1",
+ "6up6",
+ "7yyx",
+ "3l3m",
+ "2l9g",
+ "2gbm",
+ "6twq",
+ "5hpg",
+ "6hdw",
+ "3n86",
+ "1jl4",
+ "4j56",
+ "4u0a",
+ "1b07",
+ "1o6v",
+ "5cwp",
+ "5w1m",
+ "1ou4",
+ "3a35",
+ "5xao",
+ "1d9g",
+ "3i3m",
+ "6o2w",
+ "4m67",
+ "7cfd",
+ "6bca",
+ "5hyy",
+ "5l6c",
+ "3co2",
+ "4fhp",
+ "2m2k",
+ "3o5x",
+ "4qwc",
+ "4q3i",
+ "5x32",
+ "6bbq",
+ "1z1d",
+ "7kra",
+ "3cqo",
+ "1i8k",
+ "6qr2",
+ "3o48",
+ "2qss",
+ "3ecr",
+ "5eyb",
+ "6j8e",
+ "3ude",
+ "1hf9",
+ "7mbi",
+ "5gqg",
+ "2d6b",
+ "3ju0",
+ "1g01",
+ "3rb9",
+ "4ze8",
+ "2o2p",
+ "3fj9",
+ "1iwl",
+ "5otb",
+ "7e0p",
+ "2c0h",
+ "5m7p",
+ "3pk1",
+ "3py8",
+ "4a57",
+ "20gs",
+ "6yk6",
+ "5p31",
+ "5rgj",
+ "2wa2",
+ "4o1m",
+ "2z64",
+ "6j5x",
+ "5vlk",
+ "6vhu",
+ "6ooi",
+ "4jtn",
+ "1sv5",
+ "5cwl",
+ "3fm0",
+ "8ea2",
+ "1ru0",
+ "1w05",
+ "5b0c",
+ "2vya",
+ "7k36",
+ "1sy0",
+ "6wba",
+ "1v2f",
+ "1mea",
+ "6hse",
+ "5dh1",
+ "2ff2",
+ "1pz8",
+ "5dno",
+ "4ybg",
+ "2k9j",
+ "7key",
+ "4ijr",
+ "6gvv",
+ "4e2f",
+ "5oyh",
+ "6o81",
+ "4bx5",
+ "4ofn",
+ "2y9y",
+ "1qoy",
+ "4bi0",
+ "6xoi",
+ "6kou",
+ "1wkr",
+ "2d1n",
+ "4mwq",
+ "1trb",
+ "6ay3",
+ "7lzb",
+ "3l1g",
+ "6ig2",
+ "6keb",
+ "3pw8",
+ "1cz7",
+ "4rkd",
+ "1a5m",
+ "5fqs",
+ "3wpy",
+ "5bvz",
+ "7cf6",
+ "1ehb",
+ "4pzs",
+ "2o4w",
+ "3pra",
+ "7jsv",
+ "4khu",
+ "2bnw",
+ "7tt6",
+ "3clj",
+ "6c3m",
+ "2bgr",
+ "7sj2",
+ "5qmj",
+ "3nhb",
+ "3cqa",
+ "3uw1",
+ "4xbg",
+ "1tb5",
+ "1vza",
+ "1f0q",
+ "4r30",
+ "3sg9",
+ "2ooq",
+ "4i6y",
+ "7dpy",
+ "3a5r",
+ "4awg",
+ "5gl2",
+ "5tjx",
+ "6rsi",
+ "6mos",
+ "5znz",
+ "3ty5",
+ "6lhz",
+ "5k9h",
+ "6mjp",
+ "4clv",
+ "6ibi",
+ "6dvx",
+ "4q21",
+ "3fyc",
+ "1ote",
+ "5m7t",
+ "1fcd",
+ "1m53",
+ "3l5e",
+ "2m88",
+ "4rs6",
+ "1rzp",
+ "2g2i",
+ "3seb",
+ "6kdz",
+ "6fpv",
+ "2opy",
+ "4ui4",
+ "6exa",
+ "1l87",
+ "7c8m",
+ "6sn1",
+ "1jzn",
+ "1jrs",
+ "3pme",
+ "7cy8",
+ "1nnr",
+ "2k6o",
+ "4nrc",
+ "3hlw",
+ "1eb0",
+ "7ltd",
+ "6ldg",
+ "4l3a",
+ "7f1x",
+ "5ysl",
+ "2n5t",
+ "2rv9",
+ "5x3c",
+ "5hh4",
+ "1fne",
+ "3ffc",
+ "1em7",
+ "4a2o",
+ "5n6r",
+ "3zjh",
+ "4cbn",
+ "5fif",
+ "1uvc",
+ "4y33",
+ "1c25",
+ "1unb",
+ "6o70",
+ "6elq",
+ "4giq",
+ "2q1m",
+ "6rd2",
+ "5zn3",
+ "6i57",
+ "1npg",
+ "6p87",
+ "5swm",
+ "6xtk",
+ "6h43",
+ "5xgb",
+ "2vge",
+ "5pd1",
+ "3nwu",
+ "4y78",
+ "6d7o",
+ "4dqk",
+ "1spf",
+ "5jr5",
+ "6kyc",
+ "5o0n",
+ "4xq9",
+ "1zmj",
+ "1sqj",
+ "2hre",
+ "4p4p",
+ "7bva",
+ "4mh8",
+ "5umj",
+ "3pw7",
+ "4j7n",
+ "6rbw",
+ "1duj",
+ "4hwo",
+ "8agi",
+ "1mdk",
+ "2jk4",
+ "1zwa",
+ "1cv3",
+ "4ojh",
+ "1jn3",
+ "3h81",
+ "7agz",
+ "1i1d",
+ "7wrs",
+ "7b4s",
+ "3wnk",
+ "6lct",
+ "3tm3",
+ "3dh6",
+ "5d56",
+ "4qca",
+ "6ekq",
+ "1f32",
+ "6ay0",
+ "1uqy",
+ "3vjb",
+ "1ayl",
+ "1dy7",
+ "1amy",
+ "6f6g",
+ "2k1l",
+ "6ezb",
+ "5vpx",
+ "3iy3",
+ "4w8x",
+ "5sr1",
+ "1dv7",
+ "7oc7",
+ "3vea",
+ "1guv",
+ "7xgn",
+ "6jla",
+ "3b9q",
+ "4b04",
+ "7zzb",
+ "3mbc",
+ "6tbh",
+ "5wxd",
+ "2ntr",
+ "1ihx",
+ "2pjh",
+ "1w7p",
+ "2vgl",
+ "7w07",
+ "1sr2",
+ "4a8f",
+ "6zbv",
+ "2ply",
+ "4g3e",
+ "3d60",
+ "6xq1",
+ "2zep",
+ "6aoy",
+ "5u6y",
+ "7krd",
+ "6heg",
+ "7npc",
+ "4p6a",
+ "3lqr",
+ "2e75",
+ "1m08",
+ "2gfx",
+ "5go7",
+ "8ba2",
+ "3o70",
+ "4lu0",
+ "5imt",
+ "7mgn",
+ "1h4c",
+ "5i0y",
+ "1qrz",
+ "6pkm",
+ "6vga",
+ "4wod",
+ "1ua3",
+ "5ua0",
+ "4pt7",
+ "4d0k",
+ "6g3o",
+ "5ngq",
+ "2v4c",
+ "6x08",
+ "4q40",
+ "6rj6",
+ "2efp",
+ "4vhb",
+ "4kc1",
+ "4a2w",
+ "1rou",
+ "6npl",
+ "5dii",
+ "3qeu",
+ "5z3a",
+ "5yz5",
+ "6rsy",
+ "7jt9",
+ "1iob",
+ "3zqg",
+ "1rir",
+ "7xn5",
+ "6bd2",
+ "4m6p",
+ "6j53",
+ "7tb6",
+ "6efz",
+ "1s6j",
+ "7t1c",
+ "6q2c",
+ "1f7x",
+ "1q2v",
+ "8ay0",
+ "6k4r",
+ "2kvk",
+ "5yje",
+ "3bq0",
+ "5up1",
+ "6f67",
+ "7re7",
+ "1wqc",
+ "2hdj",
+ "2ghl",
+ "6f45",
+ "6lov",
+ "2qwf",
+ "1t6k",
+ "4h2z",
+ "4iu7",
+ "3q87",
+ "6pz0",
+ "2xq9",
+ "2wpu",
+ "3a3t",
+ "6hqb",
+ "2h7x",
+ "4zi5",
+ "4eer",
+ "4qfd",
+ "2v4h",
+ "4cpg",
+ "6fon",
+ "7m42",
+ "4xmm",
+ "5mw6",
+ "1pw1",
+ "1wiu",
+ "2xvi",
+ "4rb1",
+ "1pmm",
+ "5gwz",
+ "2btm",
+ "1rgc",
+ "6w8u",
+ "6chg",
+ "5kqd",
+ "3i2h",
+ "2wew",
+ "4ctr",
+ "3d9v",
+ "1idu",
+ "6xqv",
+ "6okq",
+ "7oc4",
+ "2a6y",
+ "7bqv",
+ "3nee",
+ "3vh9",
+ "2y2l",
+ "1io5",
+ "6euz",
+ "2n91",
+ "2knf",
+ "2nws",
+ "8gwr",
+ "7wn5",
+ "5gzf",
+ "4yhq",
+ "3ghw",
+ "3usm",
+ "4wyv",
+ "4tt7",
+ "7rds",
+ "1d5j",
+ "3f6z",
+ "7wg4",
+ "7p8z",
+ "3vr6",
+ "1py1",
+ "1h20",
+ "1kiq",
+ "4b8a",
+ "7l8g",
+ "4x5x",
+ "7nuw",
+ "6kk1",
+ "4d96",
+ "2q5z",
+ "7til",
+ "6fq1",
+ "5m61",
+ "7vcl",
+ "5t19",
+ "3drn",
+ "6p9j",
+ "3rpr",
+ "6a5f",
+ "7wl0",
+ "1rds",
+ "4z9v",
+ "2zho",
+ "7fnw",
+ "3lb2",
+ "7ogk",
+ "3e9i",
+ "6fxb",
+ "1wlc",
+ "5y80",
+ "3d2s",
+ "6fnm",
+ "3cap",
+ "1udy",
+ "5b4c",
+ "7ffh",
+ "3tx2",
+ "1dw0",
+ "7djk",
+ "5rsd",
+ "5k2g",
+ "4n87",
+ "4iem",
+ "7m7o",
+ "4n7u",
+ "6pvv",
+ "5nov",
+ "6n9i",
+ "5pqa",
+ "1iie",
+ "5scg",
+ "7rhw",
+ "8bc1",
+ "2ez6",
+ "1vkg",
+ "4tuh",
+ "4ydl",
+ "4laz",
+ "2aye",
+ "4u79",
+ "5ccf",
+ "1qk1",
+ "7rdf",
+ "6dc0",
+ "2iyz",
+ "1dd7",
+ "7mov",
+ "1skq",
+ "1h39",
+ "7z5p",
+ "6ssr",
+ "5vyp",
+ "5ykn",
+ "4xzj",
+ "7x5n",
+ "3erd",
+ "1umd",
+ "4o10",
+ "7c6d",
+ "3ps2",
+ "2j9a",
+ "2k42",
+ "4fah",
+ "1o2u",
+ "5zqa",
+ "5gx7",
+ "6fx5",
+ "6voy",
+ "5jdh",
+ "2rm6",
+ "4avu",
+ "6aa5",
+ "6ffq",
+ "8as5",
+ "6yxv",
+ "3itc",
+ "7pn7",
+ "6u3z",
+ "5wky",
+ "5iaw",
+ "4pv5",
+ "7lt0",
+ "6v4l",
+ "2lwx",
+ "3sww",
+ "5ink",
+ "5jhd",
+ "5xu8",
+ "2hk7",
+ "7vwx",
+ "7mhu",
+ "1uzf",
+ "8eus",
+ "4hmu",
+ "3gs2",
+ "7sqx",
+ "4adm",
+ "3azf",
+ "4ms7",
+ "1csk",
+ "1qjc",
+ "5f84",
+ "3ff3",
+ "3tuf",
+ "1fsc",
+ "6uqn",
+ "6nm7",
+ "4ba3",
+ "2io5",
+ "7x8s",
+ "7uk3",
+ "5pdy",
+ "6bd6",
+ "2b0p",
+ "1aod",
+ "6a8l",
+ "1ydz",
+ "1ynp",
+ "6isf",
+ "6h7l",
+ "2b4l",
+ "1ql1",
+ "5iv9",
+ "4xvj",
+ "1qjs",
+ "5t6y",
+ "2q6v",
+ "4ynz",
+ "6zm1",
+ "1aeb",
+ "5whf",
+ "3dv4",
+ "2rut",
+ "6rwi",
+ "6wg9",
+ "1xu4",
+ "6tgs",
+ "6egd",
+ "4gz6",
+ "3ozq",
+ "2ies",
+ "5j2v",
+ "7w5j",
+ "7ovh",
+ "5no0",
+ "1w68",
+ "2myo",
+ "2zzb",
+ "6cgk",
+ "6yla",
+ "4qle",
+ "2rjw",
+ "5pbw",
+ "5spm",
+ "5k8t",
+ "2yct",
+ "5w5v",
+ "6rhh",
+ "1gw4",
+ "4kny",
+ "1lr7",
+ "6fo2",
+ "5p0a",
+ "5f8r",
+ "4osz",
+ "1r4g",
+ "6u6d",
+ "3kad",
+ "6q9m",
+ "3lmw",
+ "1ngg",
+ "1r5a",
+ "4ir5",
+ "1k3u",
+ "4wt4",
+ "5jtj",
+ "3vgi",
+ "7q56",
+ "5por",
+ "1u91",
+ "1zb7",
+ "6jmn",
+ "1tgo",
+ "3nr1",
+ "4xzd",
+ "4pvl",
+ "6vwj",
+ "2p6u",
+ "7mqf",
+ "6qn3",
+ "3akl",
+ "7bak",
+ "6d5x",
+ "5iua",
+ "2x2z",
+ "5l0m",
+ "4l4d",
+ "4mdi",
+ "5ljx",
+ "1gvn",
+ "3e30",
+ "7fnb",
+ "4qwn",
+ "7yxm",
+ "3jpp",
+ "6n2j",
+ "2z6j",
+ "4uni",
+ "2kly",
+ "3o0e",
+ "7un7",
+ "2k3r",
+ "6knc",
+ "1q56",
+ "5abh",
+ "4v0i",
+ "6v9s",
+ "3m31",
+ "3pho",
+ "6pjq",
+ "4fjg",
+ "5pwg",
+ "6dt0",
+ "4flq",
+ "1wjc",
+ "4i81",
+ "2kq7",
+ "1swu",
+ "2f0c",
+ "4nqq",
+ "1i90",
+ "1gbj",
+ "5ko7",
+ "4x5l",
+ "3uhd",
+ "2of6",
+ "7rlu",
+ "3ub3",
+ "2zrd",
+ "7u6y",
+ "4guh",
+ "1cdd",
+ "2qy1",
+ "7rin",
+ "3ml9",
+ "2e7w",
+ "6kba",
+ "1kn0",
+ "1aja",
+ "8bbn",
+ "1e9q",
+ "5jzg",
+ "2jb2",
+ "1fo1",
+ "5udl",
+ "2e0h",
+ "4o9r",
+ "4xj5",
+ "6tzf",
+ "7opp",
+ "2m0m",
+ "1kxo",
+ "5xal",
+ "3gba",
+ "2mkr",
+ "6jia",
+ "4i9g",
+ "1hnr",
+ "2dpt",
+ "4qnx",
+ "4hdn",
+ "7t48",
+ "4aoz",
+ "1lpz",
+ "6fun",
+ "4yyo",
+ "5g46",
+ "7ac3",
+ "4mdv",
+ "5d8u",
+ "7pb5",
+ "4v0x",
+ "4ks5",
+ "4c3c",
+ "5lzm",
+ "1qxj",
+ "7rck",
+ "1vsu",
+ "7k8d",
+ "1iyv",
+ "4bhd",
+ "4ui0",
+ "3dsq",
+ "3tyb",
+ "3ro6",
+ "6zio",
+ "6rpz",
+ "3i7f",
+ "1ydk",
+ "2vgh",
+ "6peu",
+ "7f2m",
+ "1get",
+ "6k8w",
+ "6gi5",
+ "5iak",
+ "5whl",
+ "4v3k",
+ "1oy0",
+ "5uhc",
+ "4mkf",
+ "6pj7",
+ "8e23",
+ "1d5f",
+ "3n2v",
+ "1rqf",
+ "6xag",
+ "1s7w",
+ "3eiu",
+ "3ry4",
+ "3pah",
+ "1u7m",
+ "1cjd",
+ "6bic",
+ "5kpz",
+ "2q3n",
+ "1fcv",
+ "5k50",
+ "5iiw",
+ "5vgd",
+ "5yre",
+ "6tco",
+ "4icy",
+ "6g9s",
+ "6ee8",
+ "3v45",
+ "2bm5",
+ "7o6c",
+ "6req",
+ "1di6",
+ "5i3c",
+ "6evj",
+ "7n0n",
+ "7jhx",
+ "3o4a",
+ "2pks",
+ "4apf",
+ "1lys",
+ "6s7b",
+ "3sqf",
+ "6kpe",
+ "1qtd",
+ "4iqr",
+ "2lyj",
+ "8ayi",
+ "1so6",
+ "7rsw",
+ "2ors",
+ "4e7p",
+ "4hgf",
+ "1u1x",
+ "2k1k",
+ "6oho",
+ "2n8j",
+ "2vwd",
+ "1h3c",
+ "8h9c",
+ "3g5n",
+ "1azl",
+ "2cbg",
+ "7ktp",
+ "6cbl",
+ "6kwb",
+ "2oc4",
+ "1ub1",
+ "6q3z",
+ "7t3j",
+ "1nmk",
+ "7pfs",
+ "2p23",
+ "2i3g",
+ "7sqs",
+ "2wd7",
+ "3trf",
+ "1yl6",
+ "7tcz",
+ "7kbk",
+ "6i1x",
+ "5nmu",
+ "7y5a",
+ "5u6x",
+ "1a5q",
+ "5uiy",
+ "5v2q",
+ "6k41",
+ "4zjs",
+ "2vbl",
+ "1cau",
+ "1xso",
+ "5z3s",
+ "5lhp",
+ "7f0t",
+ "4nu5",
+ "2z57",
+ "5r0m",
+ "5rfa",
+ "6rro",
+ "1wpt",
+ "1xvj",
+ "8g6n",
+ "4rac",
+ "5xdn",
+ "1a7x",
+ "5p8h",
+ "4yva",
+ "5kdg",
+ "2x0o",
+ "6mr1",
+ "7vw9",
+ "4xws",
+ "3sm8",
+ "5oaj",
+ "5iwg",
+ "5vno",
+ "1lcl",
+ "3dpq",
+ "4mst",
+ "1d9z",
+ "4ki7",
+ "6coz",
+ "3d5m",
+ "1ro2",
+ "1fn6",
+ "4rso",
+ "4ity",
+ "3lpp",
+ "3ome",
+ "3qi2",
+ "2p22",
+ "7mmh",
+ "6umu",
+ "3er8",
+ "1q1k",
+ "6z1g",
+ "7tyx",
+ "1aoe",
+ "7msa",
+ "1i0r",
+ "2h15",
+ "8dsu",
+ "6w0b",
+ "2bim",
+ "8adv",
+ "4ijt",
+ "3sde",
+ "1huq",
+ "2df4",
+ "5h8y",
+ "1mp9",
+ "5bca",
+ "1u42",
+ "1b4f",
+ "1u6r",
+ "7fog",
+ "6c3k",
+ "4fnx",
+ "1mw3",
+ "4a3h",
+ "3iio",
+ "7x87",
+ "2wtc",
+ "1ccj",
+ "1dwu",
+ "5mfm",
+ "2xet",
+ "4jl5",
+ "3kap",
+ "1sb9",
+ "5l97",
+ "5qmf",
+ "6g0q",
+ "6jls",
+ "1e32",
+ "4dyc",
+ "3nk6",
+ "4ri2",
+ "4i5x",
+ "7mm0",
+ "5l1n",
+ "5lja",
+ "3ve3",
+ "2p9g",
+ "1wq5",
+ "2apc",
+ "4i4q",
+ "2r69",
+ "4prn",
+ "1doy",
+ "6k6a",
+ "3gvr",
+ "7c1z",
+ "6clm",
+ "6s1c",
+ "5e18",
+ "7wbp",
+ "7pe3",
+ "4d5u",
+ "8ar3",
+ "8dd9",
+ "1ho1",
+ "7skc",
+ "3rbm",
+ "5k5t",
+ "6xx8",
+ "4p2i",
+ "7e99",
+ "4ws4",
+ "5jdm",
+ "3fg3",
+ "7rhs",
+ "3tbg",
+ "5mel",
+ "1tdy",
+ "2nui",
+ "1u3m",
+ "4zqq",
+ "5k7h",
+ "4tvb",
+ "4zbf",
+ "6nul",
+ "1lpl",
+ "5uk4",
+ "3g1m",
+ "1twe",
+ "5mw1",
+ "7e7y",
+ "5lz1",
+ "1urx",
+ "4zp1",
+ "4alf",
+ "5l8t",
+ "1tf1",
+ "6szc",
+ "3uq3",
+ "7k9x",
+ "2kmv",
+ "4j1j",
+ "4no1",
+ "6xjs",
+ "3gc3",
+ "6fyb",
+ "6y2n",
+ "6tb0",
+ "3f6k",
+ "6x2u",
+ "5c4e",
+ "7u78",
+ "1bnm",
+ "3f46",
+ "1jo6",
+ "2i7t",
+ "7ut1",
+ "6cyn",
+ "1xa1",
+ "1pxz",
+ "4fd5",
+ "1tfs",
+ "2mpi",
+ "7f8u",
+ "3gv2",
+ "4xnu",
+ "3nf2",
+ "1wmr",
+ "2b89",
+ "2bia",
+ "1o92",
+ "5ddd",
+ "4ljr",
+ "4ykm",
+ "2ipj",
+ "4bxn",
+ "7off",
+ "2ocg",
+ "6x49",
+ "2n26",
+ "2q6c",
+ "6ppz",
+ "6dop",
+ "2nsh",
+ "4gie",
+ "4jx3",
+ "1col",
+ "1lbe",
+ "1zrl",
+ "4ymu",
+ "5hlj",
+ "2g95",
+ "6kii",
+ "8fr2",
+ "5ogq",
+ "1by1",
+ "5z9f",
+ "4oa3",
+ "5j7k",
+ "1n5r",
+ "2znp",
+ "7cco",
+ "5b4n",
+ "3f8u",
+ "2av5",
+ "1x91",
+ "3usw",
+ "6ftk",
+ "1rjm",
+ "2m9n",
+ "7sbn",
+ "5qnv",
+ "6q6k",
+ "7ai7",
+ "7nxr",
+ "4kak",
+ "6m04",
+ "6aqf",
+ "3rya",
+ "6ien",
+ "4xjq",
+ "5vfh",
+ "6lh4",
+ "6sxf",
+ "4v35",
+ "3q2b",
+ "3dap",
+ "6dtz",
+ "6i3f",
+ "7df5",
+ "5afj",
+ "2llo",
+ "7lof",
+ "5pq8",
+ "6rmk",
+ "4rqt",
+ "5pwn",
+ "5ykl",
+ "7epa",
+ "7nii",
+ "4fng",
+ "2gi4",
+ "3u09",
+ "4hkc",
+ "5k4d",
+ "5ejs",
+ "4fzn",
+ "6a5h",
+ "3npx",
+ "5p29",
+ "5ne7",
+ "1dwn",
+ "4u1f",
+ "5pst",
+ "2jlb",
+ "2okh",
+ "8a55",
+ "4i5k",
+ "5eo9",
+ "2x0i",
+ "5zz4",
+ "4imt",
+ "5x7z",
+ "6qn0",
+ "2zw1",
+ "4g3k",
+ "1ry4",
+ "3jrm",
+ "1buu",
+ "5x45",
+ "6l6s",
+ "3sos",
+ "7ofs",
+ "2gi0",
+ "2ado",
+ "6off",
+ "2q3z",
+ "5ow9",
+ "6ts7",
+ "4c9b",
+ "1kfh",
+ "5mtu",
+ "6jy8",
+ "4k4v",
+ "7bsa",
+ "4l54",
+ "4b7s",
+ "7px4",
+ "1gqs",
+ "6agk",
+ "6tqs",
+ "2j69",
+ "4dga",
+ "2oca",
+ "7ypb",
+ "6z8o",
+ "7lsa",
+ "5von",
+ "4o6x",
+ "6yrf",
+ "3qv1",
+ "7xl3",
+ "6dx3",
+ "3ayc",
+ "1mit",
+ "6fnr",
+ "1aju",
+ "1pnj",
+ "6s03",
+ "5kg3",
+ "5zht",
+ "7vn9",
+ "7ai9",
+ "7uoy",
+ "5sqp",
+ "7dcs",
+ "1vrf",
+ "1vyr",
+ "6t9q",
+ "2ypp",
+ "3ej1",
+ "1sbb",
+ "5aol",
+ "1y0v",
+ "6ku5",
+ "7xgj",
+ "2vf8",
+ "1kk4",
+ "1gzc",
+ "5kkc",
+ "2tbv",
+ "5nhp",
+ "5rem",
+ "5oxu",
+ "5c5x",
+ "7lnd",
+ "6af7",
+ "6r4y",
+ "2f61",
+ "7sup",
+ "3uxi",
+ "1wpg",
+ "4c1c",
+ "2nca",
+ "2e4l",
+ "2zhc",
+ "6pn9",
+ "1rtn",
+ "1drw",
+ "3wrb",
+ "3rvj",
+ "2k2c",
+ "7eb2",
+ "1l1g",
+ "6kuc",
+ "2erl",
+ "7wqp",
+ "2f3o",
+ "4kvp",
+ "7cge",
+ "4ef6",
+ "4qoq",
+ "1i7w",
+ "6jn6",
+ "1mzu",
+ "2vso",
+ "6x9l",
+ "2or3",
+ "1etj",
+ "2vke",
+ "4chi",
+ "5t75",
+ "2ejn",
+ "1jru",
+ "1l49",
+ "4hmw",
+ "2j8j",
+ "5nqf",
+ "2o7v",
+ "6joz",
+ "4kcb",
+ "1wfq",
+ "4c9w",
+ "5t1d",
+ "1ht1",
+ "5ehc",
+ "3o5l",
+ "5auy",
+ "5ier",
+ "3qu7",
+ "2uzr",
+ "5ell",
+ "1q6f",
+ "6b23",
+ "1cpq",
+ "5n71",
+ "6kwd",
+ "1qxc",
+ "3spj",
+ "6q9y",
+ "5sy4",
+ "1gm6",
+ "2ygq",
+ "3nmt",
+ "4jmr",
+ "3gfc",
+ "1bwd",
+ "6knk",
+ "7a71",
+ "5xqz",
+ "5g69",
+ "4c5q",
+ "5puh",
+ "6nua",
+ "3cl0",
+ "1g74",
+ "6v4e",
+ "7s8u",
+ "5pmw",
+ "6bce",
+ "4az2",
+ "7anw",
+ "5t97",
+ "4mmf",
+ "4zjd",
+ "7sv9",
+ "1k4i",
+ "6eih",
+ "2m8e",
+ "5ep7",
+ "1os4",
+ "5vb6",
+ "3ava",
+ "3w05",
+ "4zid",
+ "1obm",
+ "8e6i",
+ "1ms9",
+ "5mdc",
+ "5kcc",
+ "6g31",
+ "1ny5",
+ "7zj6",
+ "5bon",
+ "3uez",
+ "7yv7",
+ "4zy1",
+ "1gf6",
+ "6lev",
+ "5mdm",
+ "2w3k",
+ "5weq",
+ "1gjx",
+ "5p2r",
+ "3no0",
+ "6bkq",
+ "6aov",
+ "2zzg",
+ "6dow",
+ "2v7u",
+ "5nfc",
+ "4nrk",
+ "4hyq",
+ "1uwq",
+ "6eq9",
+ "3h8i",
+ "3oeq",
+ "6wvq",
+ "2fc1",
+ "1zd6",
+ "4xii",
+ "3hw6",
+ "3u2z",
+ "8aln",
+ "1dyg",
+ "3ft5",
+ "3kfe",
+ "8ad9",
+ "6c3c",
+ "5hc4",
+ "5cn7",
+ "3ee2",
+ "6j9e",
+ "8do8",
+ "5fed",
+ "1xo3",
+ "6dyc",
+ "7qml",
+ "7w7i",
+ "6xly",
+ "7u2e",
+ "5b78",
+ "3q0e",
+ "3a0w",
+ "7owp",
+ "2i54",
+ "1rpl",
+ "5in9",
+ "5i95",
+ "6vuv",
+ "1h4i",
+ "5dko",
+ "1sjr",
+ "7on5",
+ "3a5z",
+ "1fnh",
+ "1gnk",
+ "5aql",
+ "1frz",
+ "1fdm",
+ "7k99",
+ "6dim",
+ "7jzu",
+ "2fe3",
+ "6tvl",
+ "5ewr",
+ "1b57",
+ "1i7y",
+ "5a9x",
+ "4kz7",
+ "4d6y",
+ "8a9t",
+ "4x8d",
+ "2o3d",
+ "4la2",
+ "6shi",
+ "4hid",
+ "6frg",
+ "7q4y",
+ "5lwv",
+ "7xru",
+ "1php",
+ "3si7",
+ "3rfh",
+ "4img",
+ "7l6q",
+ "6syc",
+ "2uzk",
+ "3q2n",
+ "3b1r",
+ "5vkd",
+ "6seu",
+ "1wvg",
+ "1ysw",
+ "2l2t",
+ "7cnd",
+ "5w8z",
+ "3kfh",
+ "6htj",
+ "2vz3",
+ "5u6n",
+ "8gds",
+ "1og3",
+ "3blj",
+ "3kw7",
+ "6fi8",
+ "7e5w",
+ "7bwq",
+ "6cz7",
+ "3nko",
+ "6t99",
+ "8ebi",
+ "1ck4",
+ "3a3b",
+ "4kjk",
+ "1nlu",
+ "4wmf",
+ "2f3q",
+ "1cwb",
+ "5dow",
+ "5yvl",
+ "6tel",
+ "2wyi",
+ "6n9r",
+ "3bw2",
+ "5bxi",
+ "2w2b",
+ "2lgp",
+ "7e29",
+ "2jwg",
+ "7uxn",
+ "3mli",
+ "7epn",
+ "3zzs",
+ "2wmh",
+ "7v61",
+ "4cco",
+ "6l74",
+ "5rt6",
+ "5whv",
+ "4n9l",
+ "4ml6",
+ "5t6z",
+ "5cnk",
+ "7ziz",
+ "1sjd",
+ "1yjm",
+ "1pj7",
+ "4f2e",
+ "6f7p",
+ "7onl",
+ "6sib",
+ "5g34",
+ "1ke4",
+ "7wag",
+ "3cdq",
+ "4tv5",
+ "2x93",
+ "3h1h",
+ "5tbb",
+ "2x1i",
+ "6jrj",
+ "3rl5",
+ "5no5",
+ "3zys",
+ "2erh",
+ "6dnw",
+ "6xws",
+ "1pxs",
+ "2x8z",
+ "2hda",
+ "5rfj",
+ "4ejk",
+ "7pfr",
+ "3ngl",
+ "1q51",
+ "6jvo",
+ "4pke",
+ "7crd",
+ "4c1a",
+ "4tqx",
+ "1g6s",
+ "8a2b",
+ "3iih",
+ "5nr5",
+ "3ips",
+ "5x8b",
+ "5p7h",
+ "3d8a",
+ "3r0z",
+ "4kss",
+ "5kxi",
+ "3v5b",
+ "1yaj",
+ "8a00",
+ "3n8z",
+ "4llb",
+ "8ag4",
+ "1r8w",
+ "5jxl",
+ "5aaa",
+ "5e6c",
+ "7fm9",
+ "1oyn",
+ "1n26",
+ "7ce9",
+ "6xn6",
+ "4tql",
+ "7o82",
+ "6awo",
+ "6umr",
+ "3v3e",
+ "7svm",
+ "7ad3",
+ "5fxk",
+ "2ait",
+ "5t7z",
+ "1kg9",
+ "2cxt",
+ "3fqt",
+ "6cks",
+ "2vwk",
+ "5ydw",
+ "3qen",
+ "5ws8",
+ "6omy",
+ "1neg",
+ "5gqx",
+ "4dsu",
+ "2aa6",
+ "7kd5",
+ "6u4r",
+ "7df7",
+ "4xvd",
+ "3mdv",
+ "3zgl",
+ "7n6h",
+ "1cj4",
+ "3bzt",
+ "5xrz",
+ "6ywr",
+ "3jqb",
+ "6bk1",
+ "2h8b",
+ "1nnp",
+ "2g0b",
+ "7w2l",
+ "4hcy",
+ "5ktq",
+ "4fba",
+ "7ljj",
+ "3i0g",
+ "5acc",
+ "1adb",
+ "1lpd",
+ "5ldm",
+ "5cs0",
+ "5jp2",
+ "3pw0",
+ "3kak",
+ "4zpf",
+ "2ku5",
+ "1sy7",
+ "8aae",
+ "2vkd",
+ "6bfl",
+ "2mm0",
+ "6rk9",
+ "2rmn",
+ "2cg7",
+ "6h21",
+ "3u9g",
+ "5syr",
+ "2jtd",
+ "2y5t",
+ "6y5n",
+ "3mjx",
+ "7p8h",
+ "4uzb",
+ "1un2",
+ "5mli",
+ "2wc7",
+ "7ns5",
+ "1mas",
+ "8ddb",
+ "4hmm",
+ "3d3m",
+ "1eb2",
+ "3phe",
+ "7shg",
+ "6nrl",
+ "4dep",
+ "7khb",
+ "1tfb",
+ "4gdl",
+ "5ho6",
+ "5vvp",
+ "5swf",
+ "3nih",
+ "3f16",
+ "5wmn",
+ "6rlc",
+ "1b15",
+ "5a3h",
+ "3waf",
+ "5g3w",
+ "4w1p",
+ "7eho",
+ "6nhb",
+ "6ny7",
+ "1xxf",
+ "1l88",
+ "7auj",
+ "1ppt",
+ "5a5v",
+ "1f3f",
+ "4u6b",
+ "2qaf",
+ "1fk3",
+ "7mj6",
+ "5h8m",
+ "5ur9",
+ "5r9a",
+ "4c8t",
+ "6x5x",
+ "2bj3",
+ "6g71",
+ "4en8",
+ "1ip7",
+ "4xsr",
+ "6xpv",
+ "3skp",
+ "2m6r",
+ "5yz9",
+ "6gno",
+ "1l80",
+ "1jbq",
+ "2wuh",
+ "7e8b",
+ "3luh",
+ "1qt1",
+ "2nqh",
+ "1p2q",
+ "1idl",
+ "5hc9",
+ "3qun",
+ "6ipo",
+ "1snt",
+ "4wmt",
+ "6j60",
+ "5nch",
+ "4nhj",
+ "3mo3",
+ "5o48",
+ "4rw8",
+ "7ktc",
+ "4ekg",
+ "7eg4",
+ "5mdx",
+ "5t3b",
+ "2h7v",
+ "4axf",
+ "5too",
+ "1miu",
+ "4g63",
+ "1dx7",
+ "1x0s",
+ "6j44",
+ "3tn7",
+ "1mcd",
+ "3jr3",
+ "6x8a",
+ "6zvz",
+ "3zzv",
+ "7w2g",
+ "4nuu",
+ "5z1d",
+ "4jzy",
+ "6hb1",
+ "5k1s",
+ "1dtn",
+ "4xkn",
+ "1jhb",
+ "4cvs",
+ "7uml",
+ "6ohc",
+ "2v6u",
+ "1pw7",
+ "8ccd",
+ "7ni2",
+ "6myw",
+ "4wy4",
+ "1vby",
+ "2bun",
+ "3pxy",
+ "5fre",
+ "1qg7",
+ "5fn4",
+ "1hyo",
+ "1m1u",
+ "3dsr",
+ "4abu",
+ "2btl",
+ "2v1j",
+ "2qo8",
+ "1ba8",
+ "4ut5",
+ "1gnz",
+ "1izh",
+ "4bsz",
+ "6jrg",
+ "2gpb",
+ "1nxm",
+ "5jo2",
+ "7btq",
+ "6rtj",
+ "7q0s",
+ "1kgl",
+ "6ghf",
+ "4p1v",
+ "1s3p",
+ "6h13",
+ "1att",
+ "5ocs",
+ "3e5p",
+ "5m88",
+ "5xeq",
+ "3wah",
+ "2jwt",
+ "4lr6",
+ "6f12",
+ "4yrj",
+ "6a1n",
+ "4urn",
+ "1gek",
+ "6u0q",
+ "6n03",
+ "7qjg",
+ "2gz9",
+ "6x4a",
+ "6c3l",
+ "6ung",
+ "3sm0",
+ "5kqo",
+ "7n3z",
+ "3anm",
+ "6usq",
+ "1w51",
+ "1fkl",
+ "6xqj",
+ "6osn",
+ "6rlt",
+ "5z59",
+ "6ms1",
+ "3l3z",
+ "1w2l",
+ "5l8m",
+ "5obg",
+ "4rcg",
+ "5omy",
+ "3v7z",
+ "7cei",
+ "7ron",
+ "1bug",
+ "2cb5",
+ "5d0j",
+ "4oc2",
+ "3p5s",
+ "8acd",
+ "5qnh",
+ "5npb",
+ "6zdb",
+ "1cs3",
+ "5rtv",
+ "6qi1",
+ "6fqz",
+ "6hw9",
+ "2tmp",
+ "4cr5",
+ "2amd",
+ "1uwd",
+ "5v3y",
+ "4fls",
+ "1gal",
+ "4fjo",
+ "2a5k",
+ "7xji",
+ "3uz5",
+ "2h6a",
+ "5mm0",
+ "1p6s",
+ "4l7f",
+ "5ajr",
+ "5ax0",
+ "2g4m",
+ "6jky",
+ "5gly",
+ "4kgg",
+ "3cek",
+ "1rii",
+ "5ko5",
+ "2mak",
+ "3pwk",
+ "5nbo",
+ "3nxt",
+ "6v0m",
+ "5ebu",
+ "6ngd",
+ "5hfc",
+ "1ek5",
+ "4ttl",
+ "6n5i",
+ "2v2w",
+ "6zu6",
+ "5hvo",
+ "3p4f",
+ "1ifu",
+ "3w6s",
+ "6kgf",
+ "1bom",
+ "6b0x",
+ "6rey",
+ "5qev",
+ "1cb4",
+ "6oq7",
+ "6o1j",
+ "1y74",
+ "4gh9",
+ "7fg6",
+ "5uzg",
+ "2c8a",
+ "1gpq",
+ "1bvy",
+ "3ej2",
+ "5w8o",
+ "4wtf",
+ "7u4i",
+ "5iki",
+ "7jhj",
+ "1b3c",
+ "4au4",
+ "6xc1",
+ "4s2x",
+ "4qyh",
+ "4gjh",
+ "5nl7",
+ "141l",
+ "4c20",
+ "6sj1",
+ "5bwj",
+ "3rg3",
+ "6eu6",
+ "2odx",
+ "1y5k",
+ "4wy8",
+ "5bxq",
+ "1h15",
+ "1v9z",
+ "3ni6",
+ "4x5a",
+ "5x3h",
+ "7fn1",
+ "2qfa",
+ "6fin",
+ "3m3b",
+ "8e6n",
+ "6f25",
+ "2z8v",
+ "1xlj",
+ "7w3w",
+ "2yce",
+ "7rei",
+ "3jrc",
+ "5kne",
+ "5cbj",
+ "6gv6",
+ "3qof",
+ "5ckm",
+ "2xpa",
+ "7npd",
+ "3w6v",
+ "4fvk",
+ "6sco",
+ "2eb4",
+ "2lbm",
+ "4l6a",
+ "4g9z",
+ "3zbu",
+ "5xfa",
+ "4o2r",
+ "2wl1",
+ "1cgw",
+ "1qgu",
+ "3vjq",
+ "3m47",
+ "5w5t",
+ "2qz2",
+ "3bhm",
+ "3ovm",
+ "4p33",
+ "3cae",
+ "4pfp",
+ "5ezo",
+ "7xq7",
+ "5x40",
+ "6u8b",
+ "7cus",
+ "1hwp",
+ "3i6r",
+ "6i6b",
+ "5lym",
+ "6j5s",
+ "5k6x",
+ "3ww4",
+ "7bbw",
+ "4r0u",
+ "1kqm",
+ "4aop",
+ "5jvd",
+ "6y3w",
+ "1ykj",
+ "6k0o",
+ "1b2c",
+ "7a8r",
+ "2xty",
+ "4hno",
+ "1hx2",
+ "1koa",
+ "3mpk",
+ "1sej",
+ "2bj7",
+ "4f6r",
+ "6oc9",
+ "2ev4",
+ "2yxy",
+ "1flk",
+ "7cn2",
+ "6ujo",
+ "6vw9",
+ "2fq1",
+ "7f55",
+ "4y0j",
+ "4uos",
+ "6w2y",
+ "4hhe",
+ "3gt9",
+ "4k3y",
+ "2f6a",
+ "5fcw",
+ "4xb4",
+ "5aqf",
+ "8fjd",
+ "3ccp",
+ "1l66",
+ "5x0f",
+ "5hjj",
+ "5f1b",
+ "2me4",
+ "5em9",
+ "1sv1",
+ "1mmw",
+ "5xgs",
+ "8fgy",
+ "6f1m",
+ "1lsz",
+ "3lum",
+ "3usz",
+ "3u5k",
+ "7urn",
+ "7rpd",
+ "3snc",
+ "7jud",
+ "2hec",
+ "2vii",
+ "4z24",
+ "7kpr",
+ "6hbb",
+ "5lxg",
+ "1wt1",
+ "4xdw",
+ "2w2m",
+ "4jg7",
+ "3a1b",
+ "8awi",
+ "2b1p",
+ "4bfa",
+ "1jpk",
+ "4xbj",
+ "4kdt",
+ "4xl4",
+ "5jvr",
+ "3mlg",
+ "5mfu",
+ "3kff",
+ "6rbo",
+ "3was",
+ "7x9e",
+ "3rkz",
+ "5p7s",
+ "3u5m",
+ "5lwq",
+ "2naa",
+ "6lue",
+ "6g3x",
+ "5zu5",
+ "2uxz",
+ "3nan",
+ "4edr",
+ "5emm",
+ "1g37",
+ "8c78",
+ "2mwy",
+ "2b96",
+ "3d8y",
+ "2kfq",
+ "1k1m",
+ "1jwk",
+ "6mjl",
+ "5pt8",
+ "4dtw",
+ "2wa6",
+ "7tba",
+ "1o84",
+ "4qu5",
+ "3we2",
+ "6o3j",
+ "6dxq",
+ "1cwa",
+ "2i1n",
+ "7o8a",
+ "4ag8",
+ "7zqw",
+ "3a45",
+ "7q6k",
+ "5o1a",
+ "5q15",
+ "4buf",
+ "5i7o",
+ "3b3w",
+ "3c4v",
+ "6g77",
+ "5huo",
+ "6ekd",
+ "7c7b",
+ "5n0z",
+ "3zut",
+ "6d4p",
+ "3gn8",
+ "2rie",
+ "5yaq",
+ "5m4r",
+ "2e3j",
+ "6uzg",
+ "7n67",
+ "4k4h",
+ "6bqt",
+ "5cy3",
+ "2zl7",
+ "6mfr",
+ "1mu5",
+ "1mr1",
+ "4jr0",
+ "5gyc",
+ "3o9r",
+ "1dbg",
+ "7z41",
+ "6tzj",
+ "4o0g",
+ "5jjd",
+ "1zc3",
+ "1w8j",
+ "2ga0",
+ "2dcf",
+ "1ash",
+ "5iju",
+ "2d3p",
+ "5pfu",
+ "6u4z",
+ "1efq",
+ "2r9b",
+ "2cxp",
+ "8auh",
+ "1dpy",
+ "4rji",
+ "4cz9",
+ "1vf6",
+ "7wmj",
+ "5s27",
+ "1bai",
+ "6izq",
+ "3q0s",
+ "5zsu",
+ "6opd",
+ "6ew6",
+ "1usk",
+ "4lyn",
+ "5j37",
+ "2iij",
+ "2mzz",
+ "4gtm",
+ "2qo4",
+ "6f5f",
+ "3vn9",
+ "6wnm",
+ "7egu",
+ "2wr3",
+ "5yz8",
+ "1ow6",
+ "5nei",
+ "5ny0",
+ "7l12",
+ "5iea",
+ "6m33",
+ "3oci",
+ "5qfu",
+ "8drd",
+ "5o1m",
+ "3lau",
+ "6uo5",
+ "3i6d",
+ "7wkw",
+ "6cc4",
+ "1tdi",
+ "3qay",
+ "1iom",
+ "5n4w",
+ "4f07",
+ "2jlc",
+ "6e6t",
+ "5j6d",
+ "5ce5",
+ "7t03",
+ "1knf",
+ "1j8q",
+ "1exe",
+ "5irw",
+ "5aqv",
+ "2o1y",
+ "3vpt",
+ "1bdj",
+ "5xou",
+ "2kfw",
+ "5euh",
+ "2nnz",
+ "5ly2",
+ "1bc6",
+ "2asp",
+ "3gi5",
+ "7v5n",
+ "4akl",
+ "5a66",
+ "4lzi",
+ "6f6u",
+ "8hub",
+ "4wn2",
+ "2j82",
+ "8f1g",
+ "3igc",
+ "5o2y",
+ "7yjn",
+ "2d7i",
+ "4ux9",
+ "1hcu",
+ "3cmy",
+ "5ex6",
+ "5fo7",
+ "4qtu",
+ "4j0d",
+ "1vzb",
+ "1xmc",
+ "6soi",
+ "5b0o",
+ "5jm9",
+ "4rx5",
+ "2awy",
+ "7l9i",
+ "4obk",
+ "2oqs",
+ "4rf3",
+ "2q96",
+ "2v7e",
+ "4aky",
+ "3ftp",
+ "4dgr",
+ "4tpl",
+ "6u3a",
+ "1oeh",
+ "2qd9",
+ "4w6x",
+ "8dsi",
+ "1uto",
+ "4i4y",
+ "8g0q",
+ "4xuf",
+ "7n0z",
+ "6wzq",
+ "6hkr",
+ "5e3a",
+ "3qtk",
+ "5l5u",
+ "7qre",
+ "5cri",
+ "4et0",
+ "1p7s",
+ "3f91",
+ "4r02",
+ "1nml",
+ "7dk1",
+ "3rnz",
+ "5wac",
+ "4bpj",
+ "4b4g",
+ "5r8n",
+ "5ipj",
+ "6cxt",
+ "4ov0",
+ "1uss",
+ "4eh2",
+ "4ddc",
+ "8day",
+ "1zco",
+ "4fxl",
+ "2zga",
+ "3pwl",
+ "1tr0",
+ "5y5o",
+ "2ay8",
+ "1iin",
+ "5kxp",
+ "4mo5",
+ "1guj",
+ "6ky4",
+ "4wub",
+ "3wwx",
+ "1a45",
+ "3fzf",
+ "6svp",
+ "1bf0",
+ "5klm",
+ "1f2g",
+ "3tlu",
+ "1fou",
+ "5hzb",
+ "3t6f",
+ "6ine",
+ "4tsh",
+ "4du2",
+ "1xpb",
+ "5ehh",
+ "3jux",
+ "5qmt",
+ "5g4w",
+ "1aar",
+ "3pbw",
+ "3ch5",
+ "7usi",
+ "7vj2",
+ "7b4e",
+ "4m0z",
+ "6d9h",
+ "7uae",
+ "7zqy",
+ "4mly",
+ "2fcq",
+ "5ftg",
+ "1wlg",
+ "3ma9",
+ "5enc",
+ "4y18",
+ "6tf6",
+ "3aaa",
+ "6s0m",
+ "4y7p",
+ "6w6i",
+ "1d6n",
+ "4fip",
+ "3lnl",
+ "6ht9",
+ "7ws2",
+ "5w56",
+ "6gkt",
+ "2ham",
+ "2uz1",
+ "6b2c",
+ "1gdx",
+ "3ngx",
+ "5e2y",
+ "6kqt",
+ "6glz",
+ "6vrp",
+ "6ary",
+ "1nzd",
+ "3pq2",
+ "5aun",
+ "5fux",
+ "6eqq",
+ "4b14",
+ "3au2",
+ "5ykt",
+ "5b5g",
+ "5lnn",
+ "6qpq",
+ "5a96",
+ "7ykz",
+ "7x0f",
+ "6a7h",
+ "4awh",
+ "5ox7",
+ "6wqs",
+ "4bgq",
+ "6f8y",
+ "3kj6",
+ "3q7s",
+ "2r5n",
+ "2eqt",
+ "2nip",
+ "5qml",
+ "7wc8",
+ "5eiy",
+ "5x5m",
+ "6a9j",
+ "5wiw",
+ "1n9k",
+ "1r4q",
+ "2mjg",
+ "8eko",
+ "6h4v",
+ "2e32",
+ "4aj8",
+ "1ffb",
+ "1h67",
+ "3ts5",
+ "4cmx",
+ "5c2t",
+ "7dht",
+ "7epm",
+ "8fe4",
+ "3e9u",
+ "5hv3",
+ "3pmn",
+ "1dcq",
+ "4j06",
+ "6u8z",
+ "4z1w",
+ "3lob",
+ "4v3m",
+ "4j8y",
+ "6jl9",
+ "1cvz",
+ "7kl3",
+ "2bn2",
+ "5tow",
+ "5laa",
+ "5f5i",
+ "8g46",
+ "4yh8",
+ "5r9t",
+ "5w7u",
+ "2p2t",
+ "6dp0",
+ "7b47",
+ "5ubt",
+ "4b3e",
+ "3acy",
+ "1r3k",
+ "1yht",
+ "8axc",
+ "7qm6",
+ "4bf8",
+ "5ns1",
+ "7r1v",
+ "2lq0",
+ "4w5k",
+ "5kqr",
+ "7qly",
+ "4be6",
+ "3hxs",
+ "3u1b",
+ "5mjn",
+ "3m3z",
+ "5j96",
+ "7wz7",
+ "3s9s",
+ "1mtw",
+ "5lg8",
+ "6r7y",
+ "4ff7",
+ "1q5i",
+ "1vfb",
+ "4ja4",
+ "6pk8",
+ "6ev8",
+ "7xyq",
+ "3c88",
+ "3bjp",
+ "4qve",
+ "7vbm",
+ "5qj2",
+ "3wie",
+ "4ipc",
+ "5vcg",
+ "5cd3",
+ "3fro",
+ "7t41",
+ "5hy0",
+ "5mim",
+ "1ae7",
+ "3fiq",
+ "2qey",
+ "8b4a",
+ "6dsp",
+ "1iz2",
+ "6ryz",
+ "5osq",
+ "1be6",
+ "5uyw",
+ "5pty",
+ "3ohi",
+ "6ni4",
+ "5ncg",
+ "2lop",
+ "6be6",
+ "5tqx",
+ "1qxs",
+ "4dc3",
+ "2mqw",
+ "4wk9",
+ "3td4",
+ "1uqz",
+ "3l3n",
+ "7qyd",
+ "6crr",
+ "1owt",
+ "1son",
+ "5fsz",
+ "7f59",
+ "6t4n",
+ "1lyx",
+ "1cam",
+ "5ix1",
+ "4asf",
+ "4jtm",
+ "1rc2",
+ "5xlm",
+ "6q8x",
+ "2bi4",
+ "7ufk",
+ "6yie",
+ "1esu",
+ "2anx",
+ "3ld6",
+ "3cj5",
+ "6one",
+ "2aoz",
+ "7mx1",
+ "7f6t",
+ "4qmk",
+ "2rcx",
+ "1swy",
+ "4xfs",
+ "3ajo",
+ "4i0f",
+ "2ocv",
+ "3l33",
+ "2bto",
+ "5p0s",
+ "5uyu",
+ "4fcb",
+ "1b5d",
+ "2c4c",
+ "7tlg",
+ "2vj9",
+ "3szq",
+ "4h6w",
+ "3l1s",
+ "4xxx",
+ "1y5o",
+ "5tkd",
+ "2wbl",
+ "1dro",
+ "4k51",
+ "4cvc",
+ "5xyw",
+ "2aqx",
+ "5s53",
+ "7y7u",
+ "6l10",
+ "3k0g",
+ "6v2h",
+ "2efe",
+ "7w9z",
+ "1ynd",
+ "2cib",
+ "3l6y",
+ "4l28",
+ "6doc",
+ "3sxn",
+ "1q3c",
+ "3unz",
+ "7oox",
+ "2mdr",
+ "5frm",
+ "5kwa",
+ "7kp9",
+ "1xsa",
+ "6gy0",
+ "4l7o",
+ "5eak",
+ "3fvj",
+ "2v0a",
+ "2a6i",
+ "6ycs",
+ "4g87",
+ "6def",
+ "7mo1",
+ "1skt",
+ "6qsq",
+ "1m5h",
+ "1u09",
+ "5fwa",
+ "6ro2",
+ "2wbd",
+ "3mp9",
+ "5rtt",
+ "3g7v",
+ "5qn0",
+ "1ssy",
+ "4bsw",
+ "4m1s",
+ "1lt0",
+ "6gxq",
+ "1lc3",
+ "8alq",
+ "6w01",
+ "5fp6",
+ "1rwb",
+ "3bm9",
+ "4kpz",
+ "5r9q",
+ "5z9y",
+ "5p4z",
+ "1zxb",
+ "6y9y",
+ "7brx",
+ "4gc0",
+ "2hac",
+ "5r33",
+ "3d1d",
+ "3kqk",
+ "5pqr",
+ "6giq",
+ "6ohl",
+ "5boe",
+ "3wwv",
+ "3r33",
+ "3qvb",
+ "1mai",
+ "5v2j",
+ "3tz5",
+ "3zzz",
+ "7eis",
+ "1nx8",
+ "7ji2",
+ "6kjt",
+ "8a1p",
+ "1ifp",
+ "1c69",
+ "6j63",
+ "1qku",
+ "5a08",
+ "3l7j",
+ "3zwt",
+ "3g3i",
+ "3lsk",
+ "3lt7",
+ "5mjo",
+ "2nqd",
+ "4mgf",
+ "6i3n",
+ "7vij",
+ "1bsz",
+ "1l6j",
+ "2ga4",
+ "3dg8",
+ "3rcz",
+ "1hml",
+ "8dyi",
+ "5wl0",
+ "4qaj",
+ "1a4z",
+ "6ao4",
+ "2iuv",
+ "7r52",
+ "1jk0",
+ "6ur1",
+ "2ify",
+ "1cgq",
+ "7leo",
+ "5udh",
+ "1mk9",
+ "7bw2",
+ "6gp7",
+ "6um9",
+ "2f3j",
+ "1c6m",
+ "3rhw",
+ "4azq",
+ "7ssb",
+ "5iao",
+ "6o22",
+ "5l39",
+ "4fai",
+ "1v1r",
+ "3d1r",
+ "4jh0",
+ "3gxm",
+ "1xk3",
+ "3tkg",
+ "1hzo",
+ "6f7s",
+ "6xon",
+ "4ktz",
+ "6kcr",
+ "2et7",
+ "4n6d",
+ "5t4d",
+ "7t26",
+ "3cop",
+ "6rv3",
+ "2yof",
+ "2v2j",
+ "2e8v",
+ "2zk4",
+ "5qfy",
+ "2p2n",
+ "3lc0",
+ "8ccv",
+ "6vi1",
+ "6zww",
+ "5xht",
+ "7wyl",
+ "2qc8",
+ "2mf6",
+ "6d16",
+ "6qf8",
+ "2ywz",
+ "1n9m",
+ "5b0g",
+ "8d5p",
+ "2r28",
+ "5pj8",
+ "6vfo",
+ "3myq",
+ "3uid",
+ "5u6z",
+ "2h3u",
+ "5pub",
+ "7vvg",
+ "2yc2",
+ "6g4z",
+ "5p9i",
+ "3k0r",
+ "3hql",
+ "2f6v",
+ "2bbs",
+ "3qtw",
+ "6b9k",
+ "5tyh",
+ "6nfq",
+ "3ecv",
+ "6pue",
+ "1m0g",
+ "1i9w",
+ "2yc0",
+ "7lkj",
+ "7n5q",
+ "5azz",
+ "3zbw",
+ "6t1q",
+ "3kme",
+ "4fqo",
+ "4ztj",
+ "7uwg",
+ "6qhs",
+ "4yno",
+ "1u7o",
+ "6ewa",
+ "4ovl",
+ "5cs1",
+ "5bqy",
+ "5e1y",
+ "6eke",
+ "7sk6",
+ "3vmt",
+ "6twj",
+ "1ey5",
+ "6sfc",
+ "3x0g",
+ "3gq1",
+ "5ppz",
+ "5e3x",
+ "2axt",
+ "2yn1",
+ "3nyr",
+ "6r2q",
+ "1lyl",
+ "4k6o",
+ "4h4b",
+ "1gyg",
+ "8b1l",
+ "4ee9",
+ "5ofb",
+ "7pna",
+ "6ksg",
+ "2frh",
+ "7pzm",
+ "5prw",
+ "1xmv",
+ "4wcm",
+ "7orb",
+ "3uq0",
+ "7pbt",
+ "8e6h",
+ "6da8",
+ "4yxm",
+ "6qcv",
+ "3i73",
+ "3pgh",
+ "6d6g",
+ "3kmv",
+ "4avq",
+ "6e05",
+ "7t8u",
+ "4pjn",
+ "5gy2",
+ "5meo",
+ "4i7c",
+ "1dix",
+ "3m65",
+ "6cuz",
+ "6o4g",
+ "1aca",
+ "1p22",
+ "1zik",
+ "2yfy",
+ "6r4w",
+ "4o32",
+ "4v3u",
+ "7ksc",
+ "1h1b",
+ "6cgv",
+ "2o70",
+ "6pyw",
+ "1vak",
+ "6adq",
+ "1q69",
+ "4jzt",
+ "4gh6",
+ "1k92",
+ "3t5i",
+ "1oin",
+ "1w19",
+ "8exp",
+ "2esx",
+ "2h2z",
+ "4hvg",
+ "6bgu",
+ "1fj4",
+ "7lbk",
+ "7w5e",
+ "2wlv",
+ "3zq6",
+ "4zk3",
+ "3n2n",
+ "2gnk",
+ "1wbt",
+ "2e28",
+ "7roo",
+ "6b8p",
+ "5nap",
+ "3asm",
+ "6vxh",
+ "7jtj",
+ "7x9j",
+ "2psy",
+ "3kfu",
+ "7te8",
+ "4aq8",
+ "3ii7",
+ "4h0x",
+ "1ewa",
+ "6atu",
+ "4dxw",
+ "7s3s",
+ "6wiq",
+ "8e01",
+ "1eb1",
+ "6ac5",
+ "5uvk",
+ "1g8j",
+ "6m9l",
+ "1els",
+ "6z4c",
+ "6jyv",
+ "1huf",
+ "4c8k",
+ "5pxe",
+ "1ccq",
+ "5c49",
+ "6e1a",
+ "6k5k",
+ "4xei",
+ "6sqz",
+ "2ncj",
+ "4ntk",
+ "4oi1",
+ "6jao",
+ "7at9",
+ "7kjz",
+ "2hb9",
+ "8fau",
+ "1sft",
+ "3nii",
+ "6mwz",
+ "1i2q",
+ "5e97",
+ "2qs4",
+ "3tkc",
+ "1qwv",
+ "4cjp",
+ "3n85",
+ "4hqo",
+ "4o24",
+ "2az8",
+ "6rkn",
+ "5vlh",
+ "4n7n",
+ "5a0p",
+ "7ms7",
+ "2hbr",
+ "4js1",
+ "2v09",
+ "2ahc",
+ "4ucw",
+ "6ttk",
+ "6hwn",
+ "2ezc",
+ "2apo",
+ "2dx5",
+ "7sus",
+ "3bkf",
+ "6txm",
+ "6pxd",
+ "2wgo",
+ "5j62",
+ "5pcn",
+ "1rpm",
+ "8dh8",
+ "1l5e",
+ "2yha",
+ "6kka",
+ "5nvm",
+ "4asg",
+ "3pnr",
+ "6lmx",
+ "6iua",
+ "1dk1",
+ "7w2f",
+ "3e2m",
+ "1wb5",
+ "7kj9",
+ "6h2t",
+ "2fof",
+ "2xdy",
+ "7l1q",
+ "1ols",
+ "2opd",
+ "3zpv",
+ "4lnm",
+ "3rqj",
+ "2dc3",
+ "7opa",
+ "6sq0",
+ "2mc5",
+ "3wdl",
+ "7pwq",
+ "6w91",
+ "4cow",
+ "5jcw",
+ "5hu6",
+ "6svh",
+ "1b6c",
+ "4yif",
+ "3bej",
+ "2l8k",
+ "5n8a",
+ "8fwt",
+ "5txh",
+ "5mvf",
+ "7ken",
+ "5ppk",
+ "5vnh",
+ "6lrm",
+ "8f5p",
+ "2qqd",
+ "1cr5",
+ "3w9g",
+ "5x1t",
+ "3fc9",
+ "2cyp",
+ "6qmm",
+ "2mty",
+ "5e4i",
+ "2rci",
+ "5pqn",
+ "1npe",
+ "3o6w",
+ "7jtz",
+ "6f16",
+ "3djr",
+ "5uti",
+ "6w2x",
+ "5pgl",
+ "4lut",
+ "5kgn",
+ "3mvy",
+ "5uy1",
+ "6ycc",
+ "1jnb",
+ "1nqe",
+ "2zm2",
+ "4yoy",
+ "4ifm",
+ "3o1t",
+ "1t3q",
+ "1cou",
+ "2ro4",
+ "7fn4",
+ "1bsy",
+ "4gw6",
+ "6tva",
+ "5tb9",
+ "8di4",
+ "2kt5",
+ "4n2z",
+ "4hph",
+ "6ahh",
+ "3ket",
+ "5xiq",
+ "5io3",
+ "7vli",
+ "8dky",
+ "3tma",
+ "4env",
+ "1ba5",
+ "3kra",
+ "3ppe",
+ "2zi7",
+ "5ogw",
+ "4w7l",
+ "1k8m",
+ "1ecx",
+ "1q0b",
+ "5u6h",
+ "4re1",
+ "5ij9",
+ "2luo",
+ "5cww",
+ "4zde",
+ "1wg3",
+ "4apc",
+ "2xgi",
+ "3i9t",
+ "2ref",
+ "1dg9",
+ "7q0b",
+ "4aaj",
+ "5yfd",
+ "1zp2",
+ "6dg4",
+ "6mcv",
+ "4wk1",
+ "4m3z",
+ "6j7e",
+ "2yid",
+ "3s79",
+ "7kli",
+ "6zhh",
+ "6wo0",
+ "7d9y",
+ "6qmd",
+ "2jsa",
+ "6p2g",
+ "1t3p",
+ "5wo3",
+ "6jij",
+ "4ycv",
+ "6uij",
+ "7k59",
+ "7r5d",
+ "1lgb",
+ "6jus",
+ "2cpb",
+ "7anv",
+ "6k5d",
+ "6ek2",
+ "5q0z",
+ "3dl6",
+ "1zwd",
+ "5o0c",
+ "2o7r",
+ "5qeb",
+ "4kpq",
+ "3ucm",
+ "6z63",
+ "7prr",
+ "6gci",
+ "6f87",
+ "5vop",
+ "1uio",
+ "3wo9",
+ "5qdl",
+ "5hiw",
+ "3gsh",
+ "4bhl",
+ "7vkz",
+ "3iku",
+ "2xkx",
+ "1akd",
+ "3os1",
+ "4x4t",
+ "1mez",
+ "7pyo",
+ "5tec",
+ "4cwp",
+ "2ivd",
+ "2dho",
+ "4jxx",
+ "6j3c",
+ "5rl8",
+ "4dbn",
+ "8ed4",
+ "1t7z",
+ "4qaw",
+ "2lcu",
+ "4nwk",
+ "3win",
+ "1b4h",
+ "4xbm",
+ "6fp1",
+ "2x3y",
+ "1pg2",
+ "3k1o",
+ "6mzq",
+ "6o5h",
+ "1wro",
+ "5o2z",
+ "5dn1",
+ "6h71",
+ "2l4l",
+ "6duz",
+ "6dfe",
+ "1avh",
+ "3gs7",
+ "2vmw",
+ "1xat",
+ "5ia3",
+ "7cwd",
+ "3b50",
+ "5jdo",
+ "4c8a",
+ "6kpi",
+ "2xyu",
+ "3fbe",
+ "6h34",
+ "4hhq",
+ "4i5h",
+ "6vfh",
+ "5vj5",
+ "8b25",
+ "1df3",
+ "3ruv",
+ "1ryq",
+ "1w4m",
+ "7qgb",
+ "4v1f",
+ "6cn2",
+ "6gpt",
+ "3knt",
+ "5mhp",
+ "8e4x",
+ "6bms",
+ "8fwv",
+ "1f43",
+ "5zxa",
+ "3t0z",
+ "2rfs",
+ "5e3c",
+ "2yge",
+ "5dog",
+ "3rkq",
+ "5jxy",
+ "5tn9",
+ "4l02",
+ "3t3q",
+ "4byy",
+ "6bpf",
+ "4ifp",
+ "4ph9",
+ "4cmz",
+ "1tqn",
+ "8dea",
+ "6vsi",
+ "7noq",
+ "5db1",
+ "4g33",
+ "3zug",
+ "4woc",
+ "6qss",
+ "3vq9",
+ "7c98",
+ "4okc",
+ "1u9w",
+ "4jys",
+ "7tsk",
+ "5opr",
+ "8a01",
+ "3dkj",
+ "5eb5",
+ "3wo7",
+ "2w8x",
+ "4wja",
+ "5ruj",
+ "5fqh",
+ "6rkw",
+ "2v3b",
+ "8dhn",
+ "5ljp",
+ "6hza",
+ "5mpf",
+ "2o4j",
+ "7los",
+ "3d07",
+ "5n63",
+ "3tbc",
+ "4nvb",
+ "1iq0",
+ "6atx",
+ "5i8h",
+ "3wmu",
+ "5jwd",
+ "2aqz",
+ "4gay",
+ "3e7m",
+ "3l7k",
+ "7qnw",
+ "2an7",
+ "4u07",
+ "1wos",
+ "2ju8",
+ "7er7",
+ "6b2w",
+ "2pqc",
+ "3w4k",
+ "5rm5",
+ "5vh0",
+ "5vo3",
+ "6oqv",
+ "3id8",
+ "1kff",
+ "4a6x",
+ "3fce",
+ "5v0l",
+ "3mzl",
+ "3zvm",
+ "2rj8",
+ "7zzh",
+ "4jj2",
+ "6t1j",
+ "4mun",
+ "5l9b",
+ "7bzj",
+ "4lgb",
+ "4jkq",
+ "6f0p",
+ "4tuy",
+ "5w2f",
+ "3oex",
+ "6la9",
+ "3pds",
+ "1i05",
+ "4ci0",
+ "4mv8",
+ "7rsh",
+ "4x1m",
+ "8hkp",
+ "8ehd",
+ "1y1b",
+ "6ufo",
+ "4mpv",
+ "151l",
+ "2a00",
+ "5jg1",
+ "4p2n",
+ "1ezo",
+ "5oh1",
+ "1atl",
+ "5keh",
+ "6prk",
+ "1b9e",
+ "3pgl",
+ "5z25",
+ "5tnk",
+ "4gov",
+ "6ls8",
+ "1c7s",
+ "1zgu",
+ "1nyh",
+ "3pua",
+ "5u09",
+ "3bh9",
+ "5krp",
+ "1t4b",
+ "5p2c",
+ "7uf1",
+ "3n2k",
+ "6e1q",
+ "4dot",
+ "5dha",
+ "5mb4",
+ "3fm8",
+ "2jf5",
+ "4r61",
+ "1kb9",
+ "6abq",
+ "7neq",
+ "6kej",
+ "5h7v",
+ "6u87",
+ "4kz1",
+ "6tll",
+ "1gsi",
+ "4jsw",
+ "5ref",
+ "5ta6",
+ "1y07",
+ "5pvk",
+ "6pj9",
+ "6ldw",
+ "3hvv",
+ "3dus",
+ "3azl",
+ "7kjv",
+ "1dgp",
+ "5mud",
+ "3dj3",
+ "2chw",
+ "2lkc",
+ "3fsz",
+ "1mui",
+ "3h3q",
+ "4a2m",
+ "1a4v",
+ "2anp",
+ "6rfu",
+ "5n8i",
+ "1ezv",
+ "5m6o",
+ "1zow",
+ "3uat",
+ "6t0b",
+ "4ov4",
+ "4niy",
+ "2aal",
+ "2fd2",
+ "1iza",
+ "7tho",
+ "3h1d",
+ "7aht",
+ "1p6w",
+ "7sao",
+ "3dhb",
+ "5e14",
+ "4htx",
+ "4ghi",
+ "5zbn",
+ "3gpu",
+ "6x8z",
+ "2p9t",
+ "6dmr",
+ "5e8a",
+ "5d2j",
+ "8drf",
+ "1y5j",
+ "1tqo",
+ "6lc8",
+ "6qse",
+ "7dcj",
+ "7mck",
+ "3ub9",
+ "1gjv",
+ "5f78",
+ "4l0s",
+ "5w8b",
+ "6xtx",
+ "6vt3",
+ "5g3z",
+ "7cvs",
+ "4lmj",
+ "7rxa",
+ "1ald",
+ "1s84",
+ "4lbv",
+ "1iu8",
+ "2hm7",
+ "3hww",
+ "6z9u",
+ "4b2d",
+ "1fhw",
+ "4o6i",
+ "5kng",
+ "6wvr",
+ "1mx4",
+ "3rfr",
+ "6tkt",
+ "2wyq",
+ "4kcc",
+ "5i8a",
+ "1gf4",
+ "1qut",
+ "3o2q",
+ "2c00",
+ "7onw",
+ "4nc0",
+ "8i2f",
+ "4pls",
+ "5ng1",
+ "3s7x",
+ "5x2s",
+ "5o72",
+ "4nlg",
+ "6xxn",
+ "7nf0",
+ "5mty",
+ "3q7p",
+ "7axl",
+ "7o8h",
+ "4gnz",
+ "3bwt",
+ "1fpm",
+ "6pwt",
+ "1dle",
+ "2wd2",
+ "5h54",
+ "2kmq",
+ "6to2",
+ "4uvs",
+ "3qwf",
+ "1eci",
+ "2y1q",
+ "6on1",
+ "6gh4",
+ "5nmi",
+ "2w50",
+ "6m28",
+ "4ey1",
+ "3sq2",
+ "7b3k",
+ "3wgk",
+ "4o0t",
+ "5osk",
+ "4xao",
+ "3qlk",
+ "5jzr",
+ "6pmy",
+ "3inx",
+ "7y49",
+ "4gc4",
+ "1u5a",
+ "5sqk",
+ "6aj3",
+ "7tqf",
+ "1fdw",
+ "7tq4",
+ "5kej",
+ "8ftj",
+ "3u9s",
+ "5f4t",
+ "2lzz",
+ "4udt",
+ "3v8s",
+ "5y7w",
+ "3oby",
+ "6gpo",
+ "3oqr",
+ "4h0p",
+ "4cde",
+ "7uc8",
+ "5zo9",
+ "1zym",
+ "8dip",
+ "5fml",
+ "3l68",
+ "3tyf",
+ "3ezq",
+ "6kar",
+ "3as2",
+ "7lkq",
+ "2mt5",
+ "3tes",
+ "3ekq",
+ "5ojm",
+ "1t4m",
+ "2c1u",
+ "6t62",
+ "2iwg",
+ "6ioi",
+ "6isr",
+ "1vrs",
+ "6bgc",
+ "3p7i",
+ "113l",
+ "6t0v",
+ "4qpd",
+ "5f6e",
+ "3qb1",
+ "1ogi",
+ "3rgx",
+ "3nlo",
+ "4j59",
+ "4zun",
+ "1exu",
+ "6bta",
+ "3n0f",
+ "7uq2",
+ "1u7r",
+ "2jjz",
+ "4b2z",
+ "5mhx",
+ "3j9t",
+ "1vqa",
+ "5zfj",
+ "2ydg",
+ "2vl3",
+ "5nti",
+ "2hcj",
+ "1ut3",
+ "5d65",
+ "2fwp",
+ "5km3",
+ "3f7l",
+ "6kv1",
+ "2z8e",
+ "7zly",
+ "6umz",
+ "2wk7",
+ "6xbi",
+ "4in4",
+ "1vyn",
+ "6nz4",
+ "4en0",
+ "2x7v",
+ "6wqn",
+ "6j4b",
+ "8ayl",
+ "2ji3",
+ "7s4c",
+ "5ftm",
+ "2eta",
+ "4tsz",
+ "2ca4",
+ "5fga",
+ "4zea",
+ "1ktd",
+ "3voq",
+ "5kaf",
+ "4frp",
+ "7lt9",
+ "8abi",
+ "6pio",
+ "5xpi",
+ "4wn0",
+ "7k13",
+ "1r8q",
+ "6bpa",
+ "5uew",
+ "5e0m",
+ "3wyf",
+ "6ehn",
+ "7kyr",
+ "1p3n",
+ "3rkr",
+ "5nfb",
+ "2d6k",
+ "4n15",
+ "7zhd",
+ "2d0p",
+ "5h9c",
+ "1eut",
+ "5azj",
+ "3zyt",
+ "1mm7",
+ "3pvy",
+ "4u9q",
+ "7pf0",
+ "1uos",
+ "2mur",
+ "5jjq",
+ "4om9",
+ "1nkm",
+ "7q2a",
+ "3egd",
+ "6txw",
+ "4uzw",
+ "6eds",
+ "1e19",
+ "6xz8",
+ "7wm3",
+ "5mzg",
+ "6ark",
+ "3nok",
+ "4nun",
+ "2mpr",
+ "4f6t",
+ "4po2",
+ "1lom",
+ "5vnz",
+ "4f8b",
+ "1xb0",
+ "4tt0",
+ "7dd0",
+ "6nic",
+ "4unw",
+ "6wc9",
+ "2l6w",
+ "3qpp",
+ "2psz",
+ "4b1a",
+ "6yir",
+ "1a4f",
+ "2h54",
+ "5yhy",
+ "2n5l",
+ "5d21",
+ "3ggp",
+ "6gc9",
+ "7dv2",
+ "1w8y",
+ "3rsi",
+ "3zy1",
+ "3p19",
+ "1oen",
+ "5w2y",
+ "1oz0",
+ "7eoq",
+ "4aii",
+ "7nw2",
+ "7thj",
+ "7ccg",
+ "1ka6",
+ "3b30",
+ "5afd",
+ "1hgw",
+ "5kcg",
+ "6t4c",
+ "3t9u",
+ "5vo2",
+ "5me4",
+ "1ljr",
+ "3zz0",
+ "5mko",
+ "7t01",
+ "6wt4",
+ "4u1o",
+ "1s7s",
+ "1jok",
+ "1cnw",
+ "5e35",
+ "2kqz",
+ "6h2n",
+ "4as1",
+ "5f4u",
+ "5ku3",
+ "7frj",
+ "6ceb",
+ "1sca",
+ "3d26",
+ "4ee8",
+ "3r34",
+ "6i3o",
+ "6wp3",
+ "4omo",
+ "7sv8",
+ "7eda",
+ "7fkj",
+ "7l0g",
+ "7eq4",
+ "2x4x",
+ "4ncm",
+ "6yjo",
+ "3uc5",
+ "6epv",
+ "7cat",
+ "2rj0",
+ "1gi6",
+ "4o7g",
+ "2f9q",
+ "1qci",
+ "5vfc",
+ "4lzb",
+ "7vxx",
+ "5phl",
+ "6fjj",
+ "4a7d",
+ "7w6p",
+ "1bpw",
+ "1jds",
+ "4bdk",
+ "2y7w",
+ "7yaj",
+ "6uq3",
+ "6ytv",
+ "5ep6",
+ "4ob7",
+ "4idw",
+ "2xhn",
+ "6y8s",
+ "2qp8",
+ "6lq8",
+ "3mlh",
+ "2e3w",
+ "4uch",
+ "6pq8",
+ "2bqn",
+ "4bsf",
+ "3gk7",
+ "6pup",
+ "5c7m",
+ "1dcl",
+ "3rs3",
+ "3pub",
+ "4xbb",
+ "2chz",
+ "4mp6",
+ "5km2",
+ "7o65",
+ "5w3l",
+ "6hhe",
+ "1fif",
+ "7lzx",
+ "5hnw",
+ "4pxd",
+ "5tl6",
+ "7ld0",
+ "4lb9",
+ "5fwu",
+ "3qbr",
+ "6e0p",
+ "3rty",
+ "2ctb",
+ "5u9k",
+ "1rfl",
+ "6scf",
+ "7f39",
+ "7umg",
+ "6q0z",
+ "5eek",
+ "7zyv",
+ "2dt0",
+ "4jck",
+ "4s11",
+ "6voh",
+ "7fou",
+ "1nb0",
+ "6gyf",
+ "5oqp",
+ "4cj1",
+ "7tn4",
+ "1zmq",
+ "7n88",
+ "6zep",
+ "2g88",
+ "4g7u",
+ "2jyw",
+ "3i02",
+ "5ptg",
+ "6znt",
+ "2p7a",
+ "4wo0",
+ "1idk",
+ "2wfo",
+ "4d3s",
+ "2r4t",
+ "2aih",
+ "4mi5",
+ "4yhu",
+ "5dxn",
+ "2w7j",
+ "3f61",
+ "1t76",
+ "1dv2",
+ "3uli",
+ "8b6x",
+ "6fgb",
+ "5qu7",
+ "5ybf",
+ "4zs2",
+ "3uxf",
+ "4xx1",
+ "1qb6",
+ "1jff",
+ "4f7t",
+ "6n23",
+ "2fpm",
+ "7wcn",
+ "2gpw",
+ "1o9t",
+ "7sii",
+ "6nax",
+ "6sd4",
+ "2ai3",
+ "6xoz",
+ "5t0r",
+ "3e6j",
+ "1bw8",
+ "3mww",
+ "4ikc",
+ "2mc3",
+ "3m9q",
+ "1odv",
+ "4tsv",
+ "3v3s",
+ "1hl5",
+ "3gfu",
+ "3vbc",
+ "1uel",
+ "2ziy",
+ "3bjt",
+ "5wjp",
+ "1zdg",
+ "7n5n",
+ "5s5a",
+ "4wak",
+ "3i3r",
+ "4xrq",
+ "2j3n",
+ "4jav",
+ "4z4z",
+ "6hj7",
+ "3m6s",
+ "4k66",
+ "1d6k",
+ "3i1l",
+ "6ykl",
+ "5mwv",
+ "5hg5",
+ "6l5z",
+ "4ilq",
+ "4cpx",
+ "5xkr",
+ "5kze",
+ "5fqv",
+ "4be1",
+ "1osm",
+ "4e4p",
+ "6pbx",
+ "6yuv",
+ "3bgs",
+ "5h3x",
+ "5hfs",
+ "3zw2",
+ "6c28",
+ "5i8m",
+ "5r2q",
+ "3n1o",
+ "6wan",
+ "2fnq",
+ "4bom",
+ "1qud",
+ "8ffx",
+ "7da2",
+ "2hta",
+ "1af2",
+ "3zhd",
+ "4mjb",
+ "4xkx",
+ "2zwp",
+ "6qoo",
+ "3pa3",
+ "4tw7",
+ "3kce",
+ "2wy1",
+ "5z8n",
+ "6pa7",
+ "5jwf",
+ "7vyj",
+ "4j1y",
+ "5exw",
+ "5mjy",
+ "6yaq",
+ "1npv",
+ "1xvc",
+ "5llu",
+ "5j9f",
+ "5aia",
+ "3onb",
+ "3uvt",
+ "2dkv",
+ "4d4s",
+ "3drr",
+ "4j57",
+ "5d3j",
+ "6pyd",
+ "4lop",
+ "7ekf",
+ "2q89",
+ "5ljo",
+ "2xjr",
+ "8cho",
+ "5ljn",
+ "1w0d",
+ "3vrb",
+ "4eki",
+ "6gqk",
+ "1tyz",
+ "2mh0",
+ "4z4v",
+ "7xqn",
+ "1bd0",
+ "5duy",
+ "7fof",
+ "3jwt",
+ "7b8z",
+ "6kmj",
+ "7l0f",
+ "3vzq",
+ "4hvj",
+ "3q0z",
+ "1i54",
+ "2jal",
+ "6u6l",
+ "3puq",
+ "5ru2",
+ "6y45",
+ "6m2a",
+ "1cva",
+ "3bop",
+ "6b1v",
+ "5m0x",
+ "6yxq",
+ "2dps",
+ "3t36",
+ "5tng",
+ "4pdi",
+ "2n7r",
+ "3dn2",
+ "7nef",
+ "2wn4",
+ "5e0w",
+ "2cbi",
+ "2fzp",
+ "4wzm",
+ "2d1v",
+ "5d8o",
+ "2jfb",
+ "2qj7",
+ "3fzd",
+ "7ttr",
+ "5s4n",
+ "7qyo",
+ "2gl2",
+ "5ohp",
+ "1m64",
+ "4x1l",
+ "8dsc",
+ "6i0a",
+ "4ikx",
+ "6j6l",
+ "1wuv",
+ "1a4m",
+ "5afx",
+ "2znt",
+ "6lzj",
+ "3vm9",
+ "3kgs",
+ "3zee",
+ "6oxc",
+ "5ohx",
+ "2ay6",
+ "1hqc",
+ "1ut0",
+ "2v9j",
+ "1ndc",
+ "3u85",
+ "3mpb",
+ "2gcq",
+ "1z6g",
+ "2zuk",
+ "6fzf",
+ "1uxz",
+ "6lr3",
+ "2mip",
+ "6xwx",
+ "5jao",
+ "1qfx",
+ "4kdi",
+ "4d75",
+ "3c66",
+ "2ohi",
+ "1grh",
+ "6sjo",
+ "4yps",
+ "1va0",
+ "6v6f",
+ "2de7",
+ "6hhg",
+ "2xmn",
+ "2a1l",
+ "2xvp",
+ "6vdg",
+ "7e71",
+ "4g35",
+ "2mhw",
+ "6hzx",
+ "2jdi",
+ "6jjw",
+ "2h7t",
+ "1iee",
+ "1ywm",
+ "5k5c",
+ "6jle",
+ "5qua",
+ "1lqg",
+ "2a11",
+ "5odc",
+ "7d1z",
+ "6nvx",
+ "2nb8",
+ "1w1p",
+ "8gbc",
+ "7ck4",
+ "3tdr",
+ "6vwp",
+ "3hhy",
+ "3m6u",
+ "1fdv",
+ "7et9",
+ "4udi",
+ "6zud",
+ "3atw",
+ "3h4j",
+ "3zpp",
+ "1s3r",
+ "2qjy",
+ "4ucq",
+ "5kz9",
+ "4efx",
+ "3glb",
+ "2x8f",
+ "5zdq",
+ "2zsc",
+ "6svl",
+ "4hj7",
+ "4f7g",
+ "6eey",
+ "6tms",
+ "3o2b",
+ "4xz8",
+ "5wkq",
+ "6yck",
+ "2bzb",
+ "5xwt",
+ "4eak",
+ "6lz7",
+ "1k3y",
+ "3eoy",
+ "6kut",
+ "5puc",
+ "1ure",
+ "5v5b",
+ "5nu9",
+ "7v11",
+ "5abf",
+ "1rwo",
+ "2cv3",
+ "3bzc",
+ "6n7x",
+ "6ir8",
+ "7lsx",
+ "6oyh",
+ "2ovy",
+ "2brl",
+ "7wt2",
+ "5yur",
+ "2owy",
+ "3q5f",
+ "1j11",
+ "3rqx",
+ "6g19",
+ "5ji4",
+ "3sn2",
+ "2jbu",
+ "3vgg",
+ "4d58",
+ "4c2r",
+ "3dxb",
+ "5yrj",
+ "3fsu",
+ "6gv5",
+ "4oss",
+ "5t8r",
+ "1idg",
+ "1ax2",
+ "2eac",
+ "6zn6",
+ "2xvr",
+ "5cx7",
+ "1nb2",
+ "1v67",
+ "5l54",
+ "1swk",
+ "2w5g",
+ "2wcu",
+ "6g98",
+ "5m5l",
+ "1pke",
+ "6ma2",
+ "6jys",
+ "2y48",
+ "3k81",
+ "2jmu",
+ "3hst",
+ "3dqt",
+ "4rnw",
+ "1xa5",
+ "6cu6",
+ "3dph",
+ "4u4t",
+ "4bxp",
+ "1ysd",
+ "5qzc",
+ "5dg7",
+ "8goe",
+ "1rfv",
+ "5ejt",
+ "1n9f",
+ "7p3x",
+ "5l5q",
+ "1my0",
+ "7wjb",
+ "5tyg",
+ "7qkw",
+ "6lw2",
+ "6q0o",
+ "5gst",
+ "2qiq",
+ "4pyk",
+ "2r7p",
+ "2vs6",
+ "3qlz",
+ "3tz6",
+ "5csx",
+ "5id1",
+ "4g1i",
+ "4dt9",
+ "6ie8",
+ "2hy7",
+ "7sfp",
+ "6csj",
+ "6jxp",
+ "1zhb",
+ "6huc",
+ "6exb",
+ "4p8t",
+ "4gtu",
+ "7pcd",
+ "2adb",
+ "1ldk",
+ "5nxl",
+ "4wwo",
+ "4r9g",
+ "1bw6",
+ "3wq6",
+ "2uwd",
+ "3pcs",
+ "5vpi",
+ "1hj6",
+ "2isq",
+ "1yq4",
+ "2h2g",
+ "1tug",
+ "3s7q",
+ "6bsn",
+ "6dgj",
+ "2mlv",
+ "1ex5",
+ "3nss",
+ "4a41",
+ "3wiw",
+ "5fyq",
+ "1uxe",
+ "3q0n",
+ "6gwd",
+ "3zj5",
+ "5ya2",
+ "5d42",
+ "4cb4",
+ "4lh6",
+ "6tad",
+ "2pqd",
+ "4el8",
+ "6lzx",
+ "3i5d",
+ "4ffb",
+ "6nn6",
+ "2hen",
+ "3j05",
+ "6bop",
+ "6fvm",
+ "6vur",
+ "6mwe",
+ "1u5y",
+ "1uzz",
+ "6n9n",
+ "3i87",
+ "4piq",
+ "1qnv",
+ "5w39",
+ "5zf8",
+ "1x8g",
+ "6xsq",
+ "6i15",
+ "4upf",
+ "8e8g",
+ "4ahf",
+ "6z2d",
+ "4kub",
+ "3mca",
+ "6xxr",
+ "1rv3",
+ "6ul3",
+ "1n2y",
+ "2zu6",
+ "1s70",
+ "4po7",
+ "6k5h",
+ "6oww",
+ "1qva",
+ "1rkj",
+ "2hz1",
+ "2yp3",
+ "6bnf",
+ "4hjq",
+ "3zhk",
+ "3sgx",
+ "5wq0",
+ "7kvq",
+ "6rnj",
+ "8aap",
+ "8e8u",
+ "2pn7",
+ "5a8o",
+ "2vye",
+ "5ejj",
+ "1aqa",
+ "8dal",
+ "3iwv",
+ "8ax7",
+ "6s7n",
+ "3sgv",
+ "6o9v",
+ "1wla",
+ "7f4e",
+ "1myk",
+ "7uuh",
+ "5vm9",
+ "7d64",
+ "4lxw",
+ "6v0v",
+ "4uo9",
+ "4djw",
+ "7p6b",
+ "6k67",
+ "3ttm",
+ "5lrl",
+ "1cc5",
+ "6b25",
+ "8c3v",
+ "4zrq",
+ "2nsj",
+ "2det",
+ "2o09",
+ "5vdh",
+ "2pt7",
+ "4hx8",
+ "3ngp",
+ "6nu1",
+ "4cc6",
+ "4ak2",
+ "4q2a",
+ "4nn6",
+ "2oix",
+ "6yom",
+ "3ml5",
+ "1a9s",
+ "2z8w",
+ "5qco",
+ "2ik0",
+ "3mbw",
+ "1j4e",
+ "5ap6",
+ "1od5",
+ "1fz5",
+ "4cnu",
+ "6i5h",
+ "2jmm",
+ "7s3c",
+ "3d7s",
+ "5br6",
+ "2x5q",
+ "7k2i",
+ "5pv2",
+ "7ukd",
+ "5y5h",
+ "821p",
+ "5eip",
+ "5rma",
+ "4fqz",
+ "1aks",
+ "5u2n",
+ "4pgv",
+ "2onq",
+ "2hkq",
+ "7qk4",
+ "5u0g",
+ "3esy",
+ "1xk0",
+ "1u9v",
+ "7ki3",
+ "3th7",
+ "7jy0",
+ "5jer",
+ "1w60",
+ "6yt6",
+ "1jgj",
+ "2gqv",
+ "5wrd",
+ "3edk",
+ "1r1z",
+ "3ozt",
+ "5fwy",
+ "1dc6",
+ "7uv4",
+ "5ps0",
+ "7tch",
+ "1l93",
+ "6ytc",
+ "6ne2",
+ "6usu",
+ "6lh0",
+ "3dhw",
+ "5ka0",
+ "7za2",
+ "5jtp",
+ "2zpn",
+ "2bdb",
+ "6aw2",
+ "6z1l",
+ "5n2c",
+ "5xs0",
+ "5szz",
+ "4x4p",
+ "1ehj",
+ "3exi",
+ "2xgu",
+ "1szl",
+ "3t02",
+ "6xht",
+ "3fts",
+ "6v78",
+ "5cqo",
+ "7pbk",
+ "5p7e",
+ "7cp7",
+ "3gn0",
+ "6zki",
+ "6tzo",
+ "2bqc",
+ "6zkj",
+ "1vgm",
+ "6ajz",
+ "4aoe",
+ "1wb7",
+ "4eml",
+ "3bho",
+ "2fwe",
+ "7pql",
+ "4iv3",
+ "7kw9",
+ "3kw8",
+ "3wnu",
+ "1d6j",
+ "6yro",
+ "5yi2",
+ "6pcm",
+ "4e8o",
+ "6bk2",
+ "5wuj",
+ "4zp2",
+ "4w64",
+ "5pi0",
+ "3hgm",
+ "2xpk",
+ "6ng0",
+ "5iw8",
+ "7udf",
+ "4pwk",
+ "4irp",
+ "6e8x",
+ "2f3y",
+ "2bz2",
+ "6gt0",
+ "3eph",
+ "4zac",
+ "5a8c",
+ "6n2s",
+ "2e4u",
+ "8d65",
+ "5pf0",
+ "2htk",
+ "1qld",
+ "1lsa",
+ "2n88",
+ "5t91",
+ "1xo8",
+ "3t9q",
+ "5y3j",
+ "3s3n",
+ "2qpp",
+ "1xkv",
+ "4rt7",
+ "1xkg",
+ "4ecr",
+ "2kor",
+ "6saq",
+ "5qg3",
+ "6rhm",
+ "7kru",
+ "2kzu",
+ "6ck6",
+ "5hot",
+ "5kc8",
+ "6yzu",
+ "6ikk",
+ "5zi8",
+ "2j94",
+ "1pno",
+ "5kle",
+ "1m42",
+ "3l5u",
+ "7ur3",
+ "2cwb",
+ "6szy",
+ "6v83",
+ "4ez5",
+ "5iok",
+ "2c12",
+ "3a7n",
+ "1i3f",
+ "5xvu",
+ "3e2j",
+ "7bt8",
+ "5o1g",
+ "4ycz",
+ "4oho",
+ "4ip8",
+ "2zzx",
+ "2jz0",
+ "4s0u",
+ "2alc",
+ "4d3b",
+ "4h9g",
+ "5no8",
+ "3rqh",
+ "2mwi",
+ "1ni9",
+ "1c7p",
+ "5wmd",
+ "7jnp",
+ "1sjx",
+ "6phf",
+ "1p7o",
+ "7dur",
+ "4des",
+ "3vzr",
+ "4nod",
+ "6cy7",
+ "2ifr",
+ "6cgg",
+ "4zor",
+ "6fb7",
+ "6if3",
+ "8fey",
+ "2nad",
+ "1hj1",
+ "1cpx",
+ "6maz",
+ "2yd7",
+ "1q31",
+ "3v57",
+ "3wdz",
+ "5nbt",
+ "7vrs",
+ "6hrj",
+ "4wbo",
+ "3we7",
+ "4hlc",
+ "5f82",
+ "5kgh",
+ "4ztd",
+ "5jlz",
+ "2oq6",
+ "4h07",
+ "4wgx",
+ "6iwd",
+ "2q5y",
+ "5pjc",
+ "3zx6",
+ "5et1",
+ "5owz",
+ "3c7h",
+ "3u82",
+ "6u7w",
+ "3kg2",
+ "2ix3",
+ "6qy4",
+ "1ag6",
+ "5h60",
+ "1aok",
+ "7fdv",
+ "1pnc",
+ "2hgn",
+ "2fwy",
+ "3ss4",
+ "2gs0",
+ "4ml8",
+ "2zju",
+ "7lgt",
+ "4gg5",
+ "4o8q",
+ "1cf3",
+ "6i5b",
+ "5k61",
+ "6rg1",
+ "7xht",
+ "7r35",
+ "4g05",
+ "6qd7",
+ "2d5z",
+ "4z4d",
+ "2wh0",
+ "7k5f",
+ "2cck",
+ "6lqf",
+ "4mnw",
+ "4kye",
+ "1ov7",
+ "7x69",
+ "5vvj",
+ "7mb5",
+ "3a32",
+ "4rpt",
+ "5pe5",
+ "2n9d",
+ "6a77",
+ "3ot7",
+ "3vof",
+ "6yug",
+ "5b03",
+ "1tf0",
+ "6qjk",
+ "4fwl",
+ "3ljq",
+ "6o7a",
+ "1q0p",
+ "6lu3",
+ "7lf0",
+ "2qrc",
+ "3nmi",
+ "4yof",
+ "3ahm",
+ "7u5p",
+ "7b0c",
+ "1nrj",
+ "4ijw",
+ "4ijy",
+ "2fwl",
+ "1ymu",
+ "5ud4",
+ "2gg5",
+ "7jms",
+ "5nh8",
+ "7vqf",
+ "1wnl",
+ "1p80",
+ "3tsv",
+ "1f6r",
+ "4apm",
+ "4i15",
+ "1xop",
+ "3f7o",
+ "4r5i",
+ "4qif",
+ "6tzw",
+ "4lbb",
+ "3r3q",
+ "7wei",
+ "6qa2",
+ "5afq",
+ "2msj",
+ "3glu",
+ "4zg6",
+ "5ics",
+ "4ppv",
+ "6o88",
+ "2oza",
+ "5nk2",
+ "5mjc",
+ "5sv3",
+ "6wpg",
+ "4j5g",
+ "5ug2",
+ "1nve",
+ "6rkd",
+ "2yd2",
+ "2pg7",
+ "6w72",
+ "5b3n",
+ "5n8v",
+ "6u6f",
+ "5g32",
+ "5tmo",
+ "6tqh",
+ "1sg4",
+ "3qmr",
+ "5kjl",
+ "3pxw",
+ "7c3g",
+ "5q1c",
+ "7vov",
+ "2klt",
+ "1dom",
+ "7ffg",
+ "7nss",
+ "3o0q",
+ "5jjm",
+ "3ptf",
+ "5qei",
+ "1q8z",
+ "3mku",
+ "6yem",
+ "1h12",
+ "8icd",
+ "3p10",
+ "1yrf",
+ "3dfl",
+ "1bg9",
+ "1tr5",
+ "1mdx",
+ "5o43",
+ "3pik",
+ "4es0",
+ "4azo",
+ "4lgm",
+ "5iqv",
+ "3whr",
+ "1ff1",
+ "6s9z",
+ "6b7h",
+ "3pcf",
+ "6vyh",
+ "4pjl",
+ "6szm",
+ "5or3",
+ "1dm1",
+ "6y6h",
+ "1ekg",
+ "2cgx",
+ "1zwb",
+ "1h0d",
+ "6vpb",
+ "3tz3",
+ "4xh8",
+ "7f26",
+ "1zfs",
+ "2zb2",
+ "6szb",
+ "5xwc",
+ "6fnn",
+ "7uhe",
+ "2zgq",
+ "4o7p",
+ "2b2d",
+ "1twn",
+ "7sot",
+ "1pze",
+ "5i98",
+ "5eir",
+ "2za7",
+ "1obl",
+ "3ef7",
+ "1oid",
+ "1xsi",
+ "5hqt",
+ "4hur",
+ "3ajz",
+ "7tk7",
+ "6bfg",
+ "2hp6",
+ "5b6y",
+ "1jbk",
+ "4z4h",
+ "4x1b",
+ "1gvm",
+ "5l1g",
+ "1ik0",
+ "5bvn",
+ "1lxd",
+ "5v42",
+ "2ot8",
+ "2mgj",
+ "5kfd",
+ "7lb4",
+ "7k9z",
+ "7nld",
+ "5pxv",
+ "1ow2",
+ "6jsz",
+ "1jee",
+ "2vj0",
+ "6l6l",
+ "1ncj",
+ "5aa2",
+ "3pr4",
+ "2wv3",
+ "3vlv",
+ "4rod",
+ "6y39",
+ "3o76",
+ "5tzr",
+ "5h11",
+ "3ejm",
+ "7bo4",
+ "6g16",
+ "3mc5",
+ "1wq9",
+ "7cjv",
+ "3qh4",
+ "3rix",
+ "1ors",
+ "1vqd",
+ "3q4f",
+ "4j4t",
+ "3crf",
+ "5t0s",
+ "4feb",
+ "1y0h",
+ "6o26",
+ "4wdx",
+ "1u6z",
+ "2fk8",
+ "7a2h",
+ "1ykf",
+ "5o0q",
+ "4uf5",
+ "1cis",
+ "3m12",
+ "1jjr",
+ "2mlr",
+ "1xjw",
+ "2ke5",
+ "1m3s",
+ "4i14",
+ "2k6i",
+ "5dj0",
+ "6o3h",
+ "6l4b",
+ "1hj7",
+ "6akl",
+ "5m1h",
+ "3zbf",
+ "4p3k",
+ "6gh6",
+ "5swn",
+ "5ayh",
+ "4hl8",
+ "3c7o",
+ "3u34",
+ "7cdl",
+ "3c95",
+ "2kvg",
+ "3eyf",
+ "5zgz",
+ "5hn5",
+ "5eiv",
+ "4lkd",
+ "2zrn",
+ "2qqp",
+ "1o2e",
+ "6r1u",
+ "1vst",
+ "2c2l",
+ "4uyr",
+ "2on8",
+ "5i4x",
+ "1ja9",
+ "1p56",
+ "7fi2",
+ "6kcd",
+ "5i2i",
+ "3uwm",
+ "1h98",
+ "3apw",
+ "6ffz",
+ "4pwq",
+ "5qo9",
+ "4ipw",
+ "5nf0",
+ "2y6o",
+ "5eb9",
+ "6xci",
+ "7x0t",
+ "5dok",
+ "4o4l",
+ "1btl",
+ "6kx9",
+ "6mo5",
+ "4ylh",
+ "6rev",
+ "5urn",
+ "3waz",
+ "7zwu",
+ "6ong",
+ "3eww",
+ "6spk",
+ "3a3u",
+ "6fp4",
+ "6s6n",
+ "3mho",
+ "4qh7",
+ "6yf4",
+ "2uy6",
+ "4ori",
+ "7ej7",
+ "1wxh",
+ "5r9l",
+ "7avt",
+ "5mk2",
+ "1i38",
+ "5xvr",
+ "6mb7",
+ "7eba",
+ "1lqi",
+ "5rpt",
+ "2lkx",
+ "1ksg",
+ "5g5z",
+ "4qpx",
+ "3qdl",
+ "5pdr",
+ "4r3w",
+ "5kbq",
+ "4cdk",
+ "5t59",
+ "2hmf",
+ "6o2c",
+ "7a1s",
+ "2esl",
+ "6bn8",
+ "7s97",
+ "7tzw",
+ "5t35",
+ "6e64",
+ "3rab",
+ "6hdy",
+ "6gsu",
+ "2wa5",
+ "2biw",
+ "6g5w",
+ "5u3b",
+ "1p3h",
+ "5m3j",
+ "3e8m",
+ "4uud",
+ "3rq7",
+ "5r26",
+ "3qe5",
+ "4hzi",
+ "7x86",
+ "2cg4",
+ "1jfw",
+ "1ooq",
+ "3x0p",
+ "1sz0",
+ "6i1c",
+ "4xwr",
+ "1o9o",
+ "4bx9",
+ "1wcy",
+ "3fgo",
+ "4zot",
+ "4h7h",
+ "6yy1",
+ "5ley",
+ "7n39",
+ "4bo2",
+ "3vbd",
+ "3mf1",
+ "1j9q",
+ "4rez",
+ "6ya1",
+ "3f1v",
+ "7xvj",
+ "5gs2",
+ "6qfu",
+ "4xqm",
+ "7rqp",
+ "1vsn",
+ "5kfb",
+ "3tbj",
+ "3prv",
+ "5zzm",
+ "8h50",
+ "3wnp",
+ "1lza",
+ "3pje",
+ "4bt6",
+ "4qg0",
+ "2cn5",
+ "4r42",
+ "5bp5",
+ "5esi",
+ "4kjw",
+ "7cdx",
+ "2i7f",
+ "5i8x",
+ "6qs7",
+ "4ale",
+ "1mah",
+ "6gxh",
+ "3wjl",
+ "7ufd",
+ "6hrp",
+ "4dlw",
+ "2wfm",
+ "7cz3",
+ "3e7o",
+ "4fi3",
+ "4dcp",
+ "7mhw",
+ "2rqq",
+ "5x55",
+ "6zle",
+ "2g6o",
+ "3m96",
+ "1kik",
+ "4xlx",
+ "5fnz",
+ "4qa0",
+ "5dhr",
+ "7c9i",
+ "1vd4",
+ "1faf",
+ "4uow",
+ "3wbr",
+ "7r0b",
+ "5ws5",
+ "4myy",
+ "7wcj",
+ "2hmz",
+ "5adc",
+ "6au2",
+ "4gtx",
+ "1qkc",
+ "4wxc",
+ "1ibt",
+ "3sq9",
+ "2c1o",
+ "7pcf",
+ "6bro",
+ "2mjf",
+ "3pix",
+ "4c3l",
+ "4wc2",
+ "1enh",
+ "6gv3",
+ "5zi7",
+ "3trr",
+ "7mj9",
+ "6gis",
+ "4h1w",
+ "5ywn",
+ "6qxp",
+ "4yoj",
+ "6agt",
+ "6kor",
+ "1a4o",
+ "1fi3",
+ "2x9c",
+ "1uq4",
+ "6tom",
+ "5c2v",
+ "1rzw",
+ "7bz3",
+ "3hxq",
+ "6jqb",
+ "5ixm",
+ "4jf4",
+ "4om2",
+ "1ih7",
+ "5cum",
+ "3h58",
+ "1a6e",
+ "1pxl",
+ "6k4c",
+ "7ota",
+ "2eum",
+ "6vk0",
+ "7cpy",
+ "3ux8",
+ "6ty3",
+ "6idk",
+ "4bw1",
+ "167l",
+ "5jxj",
+ "3fej",
+ "1gi4",
+ "6jpm",
+ "6oa1",
+ "7f3a",
+ "7jxv",
+ "5kss",
+ "5fa6",
+ "2etc",
+ "6rg6",
+ "5xc1",
+ "6cx9",
+ "7n2b",
+ "2fyu",
+ "4feg",
+ "2zj0",
+ "4de8",
+ "1v3k",
+ "4r2s",
+ "5n7n",
+ "2rkn",
+ "1a55",
+ "3adv",
+ "2oq2",
+ "5z8o",
+ "2j3f",
+ "1qto",
+ "1n4q",
+ "5ox6",
+ "1heb",
+ "6rdh",
+ "3jx0",
+ "3zxp",
+ "1jkn",
+ "5xpf",
+ "5eef",
+ "4jcf",
+ "5l0k",
+ "6gy8",
+ "1lqy",
+ "6qge",
+ "4l29",
+ "1w75",
+ "4es4",
+ "3kof",
+ "2zlc",
+ "4wqq",
+ "1jk7",
+ "3umf",
+ "6mvl",
+ "1hv0",
+ "2rlw",
+ "6kzj",
+ "3bt0",
+ "5onb",
+ "3m8q",
+ "1ero",
+ "5k2d",
+ "2l8a",
+ "4md1",
+ "4gjg",
+ "1jfl",
+ "6r5d",
+ "5b02",
+ "4mir",
+ "6if7",
+ "6c9m",
+ "5ax9",
+ "5v4r",
+ "5xar",
+ "2w1w",
+ "5ncz",
+ "2ycz",
+ "4cp8",
+ "2clr",
+ "5igy",
+ "1koe",
+ "3h32",
+ "2i4i",
+ "6e0m",
+ "7b1b",
+ "1h35",
+ "8at5",
+ "5hpm",
+ "6sjy",
+ "3amm",
+ "3qr9",
+ "3sys",
+ "2jmc",
+ "2n49",
+ "2dgk",
+ "8dl0",
+ "5ijf",
+ "5vfa",
+ "1kr7",
+ "5ln3",
+ "1ahy",
+ "1hix",
+ "1boy",
+ "6ofc",
+ "5d91",
+ "1fm1",
+ "5krj",
+ "4dfj",
+ "1dax",
+ "3zor",
+ "8cwp",
+ "6bc0",
+ "2h99",
+ "4cm1",
+ "2p70",
+ "4i0p",
+ "6l5p",
+ "7l3c",
+ "6w1g",
+ "3s21",
+ "3asa",
+ "4ex1",
+ "5zwi",
+ "4xy9",
+ "1lnl",
+ "5xtm",
+ "7aon",
+ "5l75",
+ "3k7v",
+ "6byh",
+ "3gsz",
+ "6eez",
+ "3hle",
+ "2jl9",
+ "2pu0",
+ "4lkj",
+ "6ntw",
+ "1gm0",
+ "7rj7",
+ "1wfs",
+ "4jkn",
+ "7nu1",
+ "1o80",
+ "7s2w",
+ "1edp",
+ "2zym",
+ "3ghs",
+ "1msc",
+ "5nci",
+ "5xx8",
+ "4ipg",
+ "5mn1",
+ "6ouw",
+ "2js0",
+ "2xy1",
+ "3zq4",
+ "7c9s",
+ "3fco",
+ "1o06",
+ "5foh",
+ "6b80",
+ "5pti",
+ "5j73",
+ "7agm",
+ "4hlu",
+ "7s07",
+ "3g9n",
+ "2hdq",
+ "4kza",
+ "1a98",
+ "6hbk",
+ "7e2e",
+ "3qxy",
+ "7o9i",
+ "6fzy",
+ "6g74",
+ "3l5h",
+ "5etl",
+ "2r89",
+ "2q46",
+ "1ud7",
+ "6acz",
+ "1igx",
+ "7s0m",
+ "7dvo",
+ "7cx5",
+ "1mj4",
+ "1a68",
+ "4kfq",
+ "3lh1",
+ "2mrb",
+ "7vfj",
+ "1ove",
+ "1irq",
+ "4gkc",
+ "5cep",
+ "4dvb",
+ "1e2m",
+ "7pop",
+ "7p4m",
+ "5r3f",
+ "6xm1",
+ "1bun",
+ "3sap",
+ "1it0",
+ "7a61",
+ "2wcs",
+ "8dwm",
+ "7qn5",
+ "3i6s",
+ "1t4r",
+ "7m0r",
+ "2ksn",
+ "5a34",
+ "7kb5",
+ "1jmx",
+ "5ztk",
+ "1d2s",
+ "1a6x",
+ "8dfs",
+ "7vfp",
+ "5c0q",
+ "4czy",
+ "3zxd"
+ ]
+}
diff --git a/dataset/README.md b/dataset/README.md
new file mode 100644
index 0000000000000000000000000000000000000000..4e38926d27a7488424fb5690a48f90b1c8ad75ee
--- /dev/null
+++ b/dataset/README.md
@@ -0,0 +1,15 @@
+# Datast
+
+## Modality Alignment
+- ProteinChat: PDB embedding and abstract information.
+
+## Instruction Tuning
+- GPT-4o.
+
+
+## Citation
+@article{guo2023proteinchat,
+ title={ProteinChat: Towards Enabling ChatGPT-Like Capabilities on Protein 3D Structures},
+ author={Guo, Han and Huo, Mingjia and Xie, Pengtao},
+ year={2023}
+}
\ No newline at end of file
diff --git a/demo.sh b/demo.sh
new file mode 100644
index 0000000000000000000000000000000000000000..648243590e190c39cf3f4ea5bdce27e5361218dd
--- /dev/null
+++ b/demo.sh
@@ -0,0 +1,5 @@
+# PDB_ID=7rvu
+# PDB_ID=5x1y
+PDB_ID=6o7q
+
+python demo_esm.py --cfg-path configs/evaluation.yaml --gpu-id 0 --pdb /home/ubuntu/pt/$PDB_ID.pt --seq /home/ubuntu/seq/$PDB_ID.pt
diff --git a/demo_esm.py b/demo_esm.py
new file mode 100644
index 0000000000000000000000000000000000000000..7af23ecbf7faeb4debe2c77524f183f2a9c8cfa4
--- /dev/null
+++ b/demo_esm.py
@@ -0,0 +1,101 @@
+import argparse
+import os
+import random
+
+import numpy as np
+import torch
+import torch.backends.cudnn as cudnn
+
+from minigpt4.common.config import Config
+from minigpt4.common.dist_utils import get_rank
+from minigpt4.common.registry import registry
+from minigpt4.conversation.conversation_esm import Chat, CONV_VISION
+
+# imports modules for registration
+from minigpt4.datasets.builders import *
+from minigpt4.models import *
+from minigpt4.processors import *
+from minigpt4.runners import *
+from minigpt4.tasks import *
+import sys
+
+import esm
+
+
+def parse_args():
+ parser = argparse.ArgumentParser(description="Demo")
+ parser.add_argument("--cfg-path", required=True, help="path to configuration file.")
+ parser.add_argument("--gpu-id", type=int, default=0, help="specify the gpu to load the model.")
+ parser.add_argument("--pdb", help="specifiy where the protein file is (.pt)")
+ parser.add_argument("--seq", help="specifiy where the sequence file is (.pt)")
+ parser.add_argument(
+ "--options",
+ nargs="+",
+ help="override some settings in the used config, the key-value pair "
+ "in xxx=yyy format will be merged into config file (deprecate), "
+ "change to --cfg-options instead.",
+ )
+ args = parser.parse_args()
+ return args
+
+
+def setup_seeds(config):
+ seed = config.run_cfg.seed + get_rank()
+
+ random.seed(seed)
+ np.random.seed(seed)
+ torch.manual_seed(seed)
+
+ cudnn.benchmark = False
+ cudnn.deterministic = True
+
+
+# ========================================
+# Model Initialization
+# ========================================
+
+print('Initializing Chat')
+args = parse_args()
+cfg = Config(args)
+
+model_config = cfg.model_cfg
+model_config.device_8bit = args.gpu_id
+model_cls = registry.get_model_class(model_config.arch)
+model = model_cls.from_config(model_config).to('cuda:{}'.format(args.gpu_id))
+
+vis_processor_cfg = cfg.datasets_cfg.cc_sbu_align.vis_processor.train
+vis_processor = registry.get_processor_class(vis_processor_cfg.name).from_config(vis_processor_cfg)
+chat = Chat(model, vis_processor, device='cuda:{}'.format(args.gpu_id))
+print('Initialization Finished')
+
+chat_state = CONV_VISION.copy()
+img_list = []
+
+pdb_path = args.pdb
+seq_path = args.seq
+if pdb_path[-3:] == ".pt":
+ pdb_embedding = torch.load(pdb_path, map_location=torch.device('cpu'))
+ sample_pdb = pdb_embedding.to('cuda:{}'.format(args.gpu_id))
+if seq_path[-3:] == ".pt":
+ seq_embedding = torch.load(seq_path, map_location=torch.device('cpu'))
+ sample_seq = seq_embedding.to('cuda:{}'.format(args.gpu_id))
+
+llm_message = chat.upload_protein(sample_pdb, sample_seq, chat_state, img_list)
+print(llm_message)
+
+img_list = [mat.half() for mat in img_list]
+while True:
+ user_input = input(">")
+ if (len(user_input) == 0):
+ print("USER INPUT CANNOT BE EMPTY!")
+ continue
+ elif (user_input.lower() == "exit()"):
+ break
+ chat.ask(user_input, chat_state)
+ llm_message = chat.answer(conv=chat_state,
+ img_list=img_list,
+ num_beams=1,
+ temperature=0.7,
+ max_new_tokens=300,
+ max_length=2000)[0]
+ print("B: ", llm_message)
diff --git a/deprecate/inference.py b/deprecate/inference.py
new file mode 100644
index 0000000000000000000000000000000000000000..6bac277ef9c525bc7d38369655b6a390087e6e85
--- /dev/null
+++ b/deprecate/inference.py
@@ -0,0 +1,129 @@
+import argparse
+import os
+import random
+import time
+
+import numpy as np
+import torch
+import torch.backends.cudnn as cudnn
+import gradio as gr
+
+import esm
+from minigpt4.common.config import Config
+from minigpt4.common.dist_utils import get_rank
+from minigpt4.common.registry import registry
+from minigpt4.conversation.conversation_esm import Chat, CONV_VISION
+
+import json
+
+# Imports PIL module
+from PIL import Image
+
+# imports modules for registration
+from minigpt4.datasets.builders import *
+from minigpt4.models import *
+from minigpt4.processors import *
+from minigpt4.runners import *
+from minigpt4.tasks import *
+
+import esm
+import esm.inverse_folding
+
+def parse_args():
+ parser = argparse.ArgumentParser(description="Demo")
+ parser.add_argument("--cfg-path", required=True, help="path to configuration file.")
+ parser.add_argument("--gpu-id", type=int, default=0, help="specify the gpu to load the model.")
+ # parser.add_argument("--json-path", default='/home/h5guo/shared/Mini-GPT4/coco_json/cocoval2014_img_prompt.json', help="path to the classification json file")
+ # parser.add_argument("--caption-save-path", default='/home/h5guo/shared/Mini-GPT4/coco_json_result/results.json', help="path to saved generated captions")
+ parser.add_argument(
+ "--options",
+ nargs="+",
+ help="override some settings in the used config, the key-value pair "
+ "in xxx=yyy format will be merged into config file (deprecate), "
+ "change to --cfg-options instead.",
+ )
+ args = parser.parse_args()
+ return args
+
+
+def setup_seeds(config):
+ seed = config.run_cfg.seed + get_rank()
+
+ random.seed(seed)
+ np.random.seed(seed)
+ torch.manual_seed(seed)
+
+ cudnn.benchmark = False
+ cudnn.deterministic = True
+
+
+# ========================================
+# Model Initialization
+# ========================================
+
+print('Initializing Chat')
+args = parse_args()
+cfg = Config(args)
+
+model_config = cfg.model_cfg
+model_config.device_8bit = args.gpu_id
+model_cls = registry.get_model_class(model_config.arch)
+model = model_cls.from_config(model_config).to('cuda:{}'.format(args.gpu_id))
+
+vis_processor_cfg = cfg.datasets_cfg.cc_sbu_align.vis_processor.train
+vis_processor = registry.get_processor_class(vis_processor_cfg.name).from_config(vis_processor_cfg)
+chat = Chat(model, vis_processor, device='cuda:{}'.format(args.gpu_id))
+print('Initialization Finished')
+
+# ========================================
+# Gradio Setting
+# ========================================
+
+def gradio_reset(chat_state, img_list):
+ if chat_state is not None:
+ chat_state.messages = []
+ if img_list is not None:
+ img_list = []
+ return chat_state, img_list
+
+def upload_protein(gr_img):
+ chat_state = CONV_VISION.copy()
+ img_list = []
+ llm_message = chat.upload_protein(gr_img, chat_state, img_list)
+ return chat_state, img_list
+
+def gradio_ask(user_message, chat_state):
+ chat.ask(user_message, chat_state)
+ return chat_state
+
+
+def gradio_answer(chat_state, img_list, num_beams=1, temperature=1e-3):
+ llm_message = chat.answer(conv=chat_state,
+ img_list=img_list,
+ num_beams=num_beams,
+ temperature=temperature,
+ max_new_tokens=300,
+ max_length=2000)[0]
+ return llm_message, chat_state, img_list
+
+if __name__ == "__main__":
+ start = time.time()
+ print("******************")
+ protein_embedding_path = "/home/h5guo/data/esm_subset/pt/2wge.pt"
+ protein_embedding = torch.load(protein_embedding_path, map_location=torch.device('cpu'))
+ sample_protein = protein_embedding.to('cuda:{}'.format(args.gpu_id))
+
+ user_message = "Describe this protein in a short paragraph."
+ chat_state, img_list = upload_protein(sample_protein)
+ chat_state = gradio_ask(user_message, chat_state)
+ llm_message, chat_state, img_list = gradio_answer(chat_state, img_list)
+
+ print(f"llm_message: {llm_message}")
+ end = time.time()
+ print(end - start)
+ # i += 1
+ print("******************")
+ # f.close()
+
+
+
diff --git a/environment.yml b/environment.yml
new file mode 100644
index 0000000000000000000000000000000000000000..4b60802300a86654be2aeb783b5a1bf9d006a504
--- /dev/null
+++ b/environment.yml
@@ -0,0 +1,63 @@
+name: proteinchat
+channels:
+ - pytorch
+ - defaults
+ - anaconda
+dependencies:
+ - python=3.9
+ - cudatoolkit
+ - pip
+ - pytorch=1.12.1
+ - pytorch-mutex=1.0=cuda
+ - torchaudio=0.12.1
+ - torchvision=0.13.1
+ - pip:
+ - accelerate==0.16.0
+ - aiohttp==3.8.4
+ - aiosignal==1.3.1
+ - async-timeout==4.0.2
+ - attrs==22.2.0
+ - bitsandbytes==0.37.0
+ - cchardet==2.1.7
+ - chardet==5.1.0
+ - contourpy==1.0.7
+ - cycler==0.11.0
+ - filelock==3.9.0
+ - fonttools==4.38.0
+ - frozenlist==1.3.3
+ - huggingface-hub==0.13.4
+ - importlib-resources==5.12.0
+ - kiwisolver==1.4.4
+ - matplotlib==3.7.0
+ - multidict==6.0.4
+ - openai==0.27.0
+ - packaging==23.0
+ - psutil==5.9.4
+ - pycocotools==2.0.6
+ - pyparsing==3.0.9
+ - python-dateutil==2.8.2
+ - pyyaml==6.0
+ - regex==2022.10.31
+ - tokenizers==0.13.2
+ - tqdm==4.64.1
+ - transformers==4.28.0
+ - timm==0.6.13
+ - spacy==3.5.1
+ - webdataset==0.2.48
+ - scikit-learn==1.2.2
+ - scipy==1.10.1
+ - yarl==1.8.2
+ - zipp==3.14.0
+ - omegaconf==2.3.0
+ - opencv-python==4.7.0.72
+ - iopath==0.1.10
+ - decord==0.6.0
+ - tenacity==8.2.2
+ - peft
+ - pycocoevalcap
+ - sentence-transformers
+ - umap-learn
+ - notebook
+ - gradio==3.24.1
+ - gradio-client==0.0.8
+ - wandb
diff --git a/esm/__init__.py b/esm/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..907081d4111c66358b51322add5b261bffcdf5b8
--- /dev/null
+++ b/esm/__init__.py
@@ -0,0 +1,12 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
+#
+# This source code is licensed under the MIT license found in the
+# LICENSE file in the root directory of this source tree.
+
+from .version import version as __version__ # noqa
+
+from .data import Alphabet, BatchConverter, FastaBatchedDataset # noqa
+from .model.esm1 import ProteinBertModel # noqa
+from .model.esm2 import ESM2 # noqa
+from .model.msa_transformer import MSATransformer #noqa
+from . import pretrained # noqa
diff --git a/esm/__pycache__/__init__.cpython-310.pyc b/esm/__pycache__/__init__.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..18f77675f3af3d034193f38f4a8d5b000dbab37b
Binary files /dev/null and b/esm/__pycache__/__init__.cpython-310.pyc differ
diff --git a/esm/__pycache__/axial_attention.cpython-310.pyc b/esm/__pycache__/axial_attention.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..4fc4dce772274e898872ccda8aa38389a78a3f74
Binary files /dev/null and b/esm/__pycache__/axial_attention.cpython-310.pyc differ
diff --git a/esm/__pycache__/constants.cpython-310.pyc b/esm/__pycache__/constants.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..ae8f86ecc936a3f01cda14db761ab183af6adc47
Binary files /dev/null and b/esm/__pycache__/constants.cpython-310.pyc differ
diff --git a/esm/__pycache__/data.cpython-310.pyc b/esm/__pycache__/data.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..61eefbfaf33193d1593317cbb2375a618e4209f2
Binary files /dev/null and b/esm/__pycache__/data.cpython-310.pyc differ
diff --git a/esm/__pycache__/modules.cpython-310.pyc b/esm/__pycache__/modules.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..b57988c5a3752726ca4c65cb62d6267c485139c1
Binary files /dev/null and b/esm/__pycache__/modules.cpython-310.pyc differ
diff --git a/esm/__pycache__/multihead_attention.cpython-310.pyc b/esm/__pycache__/multihead_attention.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..f867b2e455584d552b6678b41829bbbc58fcdc45
Binary files /dev/null and b/esm/__pycache__/multihead_attention.cpython-310.pyc differ
diff --git a/esm/__pycache__/pretrained.cpython-310.pyc b/esm/__pycache__/pretrained.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..775bf54d7712c00ac6c44d3606bd3db5ba013fe8
Binary files /dev/null and b/esm/__pycache__/pretrained.cpython-310.pyc differ
diff --git a/esm/__pycache__/rotary_embedding.cpython-310.pyc b/esm/__pycache__/rotary_embedding.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..2dc728f37189a24ccc7fb8000e942a8fc3543e6b
Binary files /dev/null and b/esm/__pycache__/rotary_embedding.cpython-310.pyc differ
diff --git a/esm/__pycache__/version.cpython-310.pyc b/esm/__pycache__/version.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..88ec92935322fae50cd24f4e7c9381fbd60cb919
Binary files /dev/null and b/esm/__pycache__/version.cpython-310.pyc differ
diff --git a/esm/axial_attention.py b/esm/axial_attention.py
new file mode 100644
index 0000000000000000000000000000000000000000..78b02eb3db6ea996ce65018acf4af9b1e47b0b89
--- /dev/null
+++ b/esm/axial_attention.py
@@ -0,0 +1,239 @@
+# Copyright (c) Meta Platforms, Inc. and affiliates.
+#
+# This source code is licensed under the MIT license found in the
+# LICENSE file in the root directory of this source tree.
+
+import math
+import torch
+import torch.nn as nn
+
+
+class RowSelfAttention(nn.Module):
+ """Compute self-attention over rows of a 2D input."""
+
+ def __init__(
+ self,
+ embed_dim,
+ num_heads,
+ dropout=0.0,
+ max_tokens_per_msa: int = 2 ** 16,
+ ):
+ super().__init__()
+ self.num_heads = num_heads
+ self.dropout = dropout
+ self.head_dim = embed_dim // num_heads
+ self.scaling = self.head_dim ** -0.5
+ self.max_tokens_per_msa = max_tokens_per_msa
+ self.attn_shape = "hnij"
+
+ self.k_proj = nn.Linear(embed_dim, embed_dim)
+ self.v_proj = nn.Linear(embed_dim, embed_dim)
+ self.q_proj = nn.Linear(embed_dim, embed_dim)
+
+ self.out_proj = nn.Linear(embed_dim, embed_dim)
+ self.dropout_module = nn.Dropout(dropout)
+
+ def align_scaling(self, q):
+ num_rows = q.size(0)
+ return self.scaling / math.sqrt(num_rows)
+
+ def _batched_forward(
+ self,
+ x,
+ self_attn_mask=None,
+ self_attn_padding_mask=None,
+ ):
+ num_rows, num_cols, batch_size, embed_dim = x.size()
+ max_rows = max(1, self.max_tokens_per_msa // num_cols)
+ attns = 0
+ scaling = self.align_scaling(x)
+ for start in range(0, num_rows, max_rows):
+ attn_weights = self.compute_attention_weights(
+ x[start : start + max_rows],
+ scaling,
+ self_attn_mask=self_attn_mask,
+ self_attn_padding_mask=self_attn_padding_mask[:, start : start + max_rows]
+ if self_attn_padding_mask is not None
+ else None,
+ )
+ attns += attn_weights
+ attn_probs = attns.softmax(-1)
+ attn_probs = self.dropout_module(attn_probs)
+
+ outputs = []
+ for start in range(0, num_rows, max_rows):
+ output = self.compute_attention_update(x[start : start + max_rows], attn_probs)
+ outputs.append(output)
+
+ output = torch.cat(outputs, 0)
+ return output, attn_probs
+
+ def compute_attention_weights(
+ self,
+ x,
+ scaling: float,
+ self_attn_mask=None,
+ self_attn_padding_mask=None,
+ ):
+ num_rows, num_cols, batch_size, embed_dim = x.size()
+ q = self.q_proj(x).view(num_rows, num_cols, batch_size, self.num_heads, self.head_dim)
+ k = self.k_proj(x).view(num_rows, num_cols, batch_size, self.num_heads, self.head_dim)
+ q *= scaling
+ if self_attn_padding_mask is not None:
+ # Zero out any padded aligned positions - this is important since
+ # we take a sum across the alignment axis.
+ q *= 1 - self_attn_padding_mask.permute(1, 2, 0).unsqueeze(3).unsqueeze(4).to(q)
+
+ attn_weights = torch.einsum(f"rinhd,rjnhd->{self.attn_shape}", q, k)
+
+ if self_attn_mask is not None:
+ raise NotImplementedError
+ # Mask Size: [B x R x C], Weights Size: [H x B x C x C]
+
+ if self_attn_padding_mask is not None:
+ attn_weights = attn_weights.masked_fill(
+ self_attn_padding_mask[:, 0].unsqueeze(0).unsqueeze(2),
+ -10000,
+ )
+
+ return attn_weights
+
+ def compute_attention_update(
+ self,
+ x,
+ attn_probs,
+ ):
+ num_rows, num_cols, batch_size, embed_dim = x.size()
+ v = self.v_proj(x).view(num_rows, num_cols, batch_size, self.num_heads, self.head_dim)
+ context = torch.einsum(f"{self.attn_shape},rjnhd->rinhd", attn_probs, v)
+ context = context.contiguous().view(num_rows, num_cols, batch_size, embed_dim)
+ output = self.out_proj(context)
+ return output
+
+ def forward(
+ self,
+ x,
+ self_attn_mask=None,
+ self_attn_padding_mask=None,
+ ):
+ num_rows, num_cols, batch_size, embed_dim = x.size()
+ if (num_rows * num_cols > self.max_tokens_per_msa) and not torch.is_grad_enabled():
+ return self._batched_forward(x, self_attn_mask, self_attn_padding_mask)
+ else:
+ scaling = self.align_scaling(x)
+ attn_weights = self.compute_attention_weights(
+ x, scaling, self_attn_mask, self_attn_padding_mask
+ )
+ attn_probs = attn_weights.softmax(-1)
+ attn_probs = self.dropout_module(attn_probs)
+ output = self.compute_attention_update(x, attn_probs)
+ return output, attn_probs
+
+
+class ColumnSelfAttention(nn.Module):
+ """Compute self-attention over columns of a 2D input."""
+
+ def __init__(
+ self,
+ embed_dim,
+ num_heads,
+ dropout=0.0,
+ max_tokens_per_msa: int = 2 ** 16,
+ ):
+ super().__init__()
+
+ self.num_heads = num_heads
+ self.dropout = dropout
+ self.head_dim = embed_dim // num_heads
+ self.scaling = self.head_dim ** -0.5
+ self.max_tokens_per_msa = max_tokens_per_msa
+
+ self.k_proj = nn.Linear(embed_dim, embed_dim)
+ self.v_proj = nn.Linear(embed_dim, embed_dim)
+ self.q_proj = nn.Linear(embed_dim, embed_dim)
+
+ self.out_proj = nn.Linear(embed_dim, embed_dim)
+ self.dropout_module = nn.Dropout(dropout)
+
+ def _batched_forward(
+ self,
+ x,
+ self_attn_mask=None,
+ self_attn_padding_mask=None,
+ ):
+ num_rows, num_cols, batch_size, embed_dim = x.size()
+ max_cols = max(1, self.max_tokens_per_msa // num_rows)
+ outputs = []
+ attns = []
+ for start in range(0, num_cols, max_cols):
+ output, attn = self(
+ x[:, start : start + max_cols],
+ self_attn_mask=self_attn_mask,
+ self_attn_padding_mask=self_attn_padding_mask[:, :, start : start + max_cols]
+ if self_attn_padding_mask is not None
+ else None,
+ )
+ outputs.append(output)
+ attns.append(attn)
+ output = torch.cat(outputs, 1)
+ attns = torch.cat(attns, 1)
+ return output, attns
+
+ def compute_attention_update(
+ self,
+ x,
+ self_attn_mask=None,
+ self_attn_padding_mask=None,
+ ):
+ num_rows, num_cols, batch_size, embed_dim = x.size()
+ if num_rows == 1:
+ # if there is only 1 position, this is equivalent and doesn't break with padding
+ attn_probs = torch.ones(
+ self.num_heads,
+ num_cols,
+ batch_size,
+ num_rows,
+ num_rows,
+ device=x.device,
+ dtype=x.dtype,
+ )
+ output = self.out_proj(self.v_proj(x))
+ else:
+ q = self.q_proj(x).view(num_rows, num_cols, batch_size, self.num_heads, self.head_dim)
+ k = self.k_proj(x).view(num_rows, num_cols, batch_size, self.num_heads, self.head_dim)
+ v = self.v_proj(x).view(num_rows, num_cols, batch_size, self.num_heads, self.head_dim)
+ q *= self.scaling
+
+ attn_weights = torch.einsum("icnhd,jcnhd->hcnij", q, k)
+
+ if self_attn_mask is not None:
+ raise NotImplementedError
+ if self_attn_padding_mask is not None:
+ attn_weights = attn_weights.masked_fill(
+ self_attn_padding_mask.permute(2, 0, 1).unsqueeze(0).unsqueeze(3),
+ -10000,
+ )
+
+ attn_probs = attn_weights.softmax(-1)
+ attn_probs = self.dropout_module(attn_probs)
+ context = torch.einsum("hcnij,jcnhd->icnhd", attn_probs, v)
+ context = context.contiguous().view(num_rows, num_cols, batch_size, embed_dim)
+ output = self.out_proj(context)
+ return output, attn_probs
+
+ def forward(
+ self,
+ x,
+ self_attn_mask=None,
+ self_attn_padding_mask=None,
+ ):
+ num_rows, num_cols, batch_size, embed_dim = x.size()
+ # if False and num_rows * num_cols > 2 ** 14 and not torch.is_grad_enabled():
+ if (num_rows * num_cols) > self.max_tokens_per_msa and not torch.is_grad_enabled():
+ return self._batched_forward(
+ x,
+ self_attn_mask,
+ self_attn_padding_mask,
+ )
+ else:
+ return self.compute_attention_update(x, self_attn_mask, self_attn_padding_mask)
diff --git a/esm/constants.py b/esm/constants.py
new file mode 100644
index 0000000000000000000000000000000000000000..9e37c262bb8429d7a2787876dce912496658ecad
--- /dev/null
+++ b/esm/constants.py
@@ -0,0 +1,10 @@
+# Copyright (c) Meta Platforms, Inc. and affiliates.
+#
+# This source code is licensed under the MIT license found in the
+# LICENSE file in the root directory of this source tree.
+
+# fmt: off
+proteinseq_toks = {
+ 'toks': ['L', 'A', 'G', 'V', 'S', 'E', 'R', 'T', 'I', 'D', 'P', 'K', 'Q', 'N', 'F', 'Y', 'M', 'H', 'W', 'C', 'X', 'B', 'U', 'Z', 'O', '.', '-']
+}
+# fmt: on
diff --git a/esm/data.py b/esm/data.py
new file mode 100644
index 0000000000000000000000000000000000000000..9d98b6f082f9bb966fa0c1c8962f9fa2abd8fb5a
--- /dev/null
+++ b/esm/data.py
@@ -0,0 +1,493 @@
+# Copyright (c) Meta Platforms, Inc. and affiliates.
+#
+# This source code is licensed under the MIT license found in the
+# LICENSE file in the root directory of this source tree.
+
+import itertools
+import os
+from typing import Sequence, Tuple, List, Union
+import pickle
+import re
+import shutil
+import torch
+from pathlib import Path
+from esm.constants import proteinseq_toks
+
+RawMSA = Sequence[Tuple[str, str]]
+
+
+class FastaBatchedDataset(object):
+ def __init__(self, sequence_labels, sequence_strs):
+ self.sequence_labels = list(sequence_labels)
+ self.sequence_strs = list(sequence_strs)
+
+ @classmethod
+ def from_file(cls, fasta_file):
+ sequence_labels, sequence_strs = [], []
+ cur_seq_label = None
+ buf = []
+
+ def _flush_current_seq():
+ nonlocal cur_seq_label, buf
+ if cur_seq_label is None:
+ return
+ sequence_labels.append(cur_seq_label)
+ sequence_strs.append("".join(buf))
+ cur_seq_label = None
+ buf = []
+
+ with open(fasta_file, "r") as infile:
+ for line_idx, line in enumerate(infile):
+ if line.startswith(">"): # label line
+ _flush_current_seq()
+ line = line[1:].strip()
+ if len(line) > 0:
+ cur_seq_label = line
+ else:
+ cur_seq_label = f"seqnum{line_idx:09d}"
+ else: # sequence line
+ buf.append(line.strip())
+
+ _flush_current_seq()
+
+ assert len(set(sequence_labels)) == len(
+ sequence_labels
+ ), "Found duplicate sequence labels"
+
+ return cls(sequence_labels, sequence_strs)
+
+ def __len__(self):
+ return len(self.sequence_labels)
+
+ def __getitem__(self, idx):
+ return self.sequence_labels[idx], self.sequence_strs[idx]
+
+ def get_batch_indices(self, toks_per_batch, extra_toks_per_seq=0):
+ sizes = [(len(s), i) for i, s in enumerate(self.sequence_strs)]
+ sizes.sort()
+ batches = []
+ buf = []
+ max_len = 0
+
+ def _flush_current_buf():
+ nonlocal max_len, buf
+ if len(buf) == 0:
+ return
+ batches.append(buf)
+ buf = []
+ max_len = 0
+
+ for sz, i in sizes:
+ sz += extra_toks_per_seq
+ if max(sz, max_len) * (len(buf) + 1) > toks_per_batch:
+ _flush_current_buf()
+ max_len = max(max_len, sz)
+ buf.append(i)
+
+ _flush_current_buf()
+ return batches
+
+
+class Alphabet(object):
+ def __init__(
+ self,
+ standard_toks: Sequence[str],
+ prepend_toks: Sequence[str] = ("", "", "", ""),
+ append_toks: Sequence[str] = ("", "", ""),
+ prepend_bos: bool = True,
+ append_eos: bool = False,
+ use_msa: bool = False,
+ ):
+ self.standard_toks = list(standard_toks)
+ self.prepend_toks = list(prepend_toks)
+ self.append_toks = list(append_toks)
+ self.prepend_bos = prepend_bos
+ self.append_eos = append_eos
+ self.use_msa = use_msa
+
+ self.all_toks = list(self.prepend_toks)
+ self.all_toks.extend(self.standard_toks)
+ for i in range((8 - (len(self.all_toks) % 8)) % 8):
+ self.all_toks.append(f"")
+ self.all_toks.extend(self.append_toks)
+
+ self.tok_to_idx = {tok: i for i, tok in enumerate(self.all_toks)}
+
+ self.unk_idx = self.tok_to_idx[""]
+ self.padding_idx = self.get_idx("")
+ self.cls_idx = self.get_idx("")
+ self.mask_idx = self.get_idx("")
+ self.eos_idx = self.get_idx("")
+ self.all_special_tokens = ['', '', '', '', '']
+ self.unique_no_split_tokens = self.all_toks
+
+ def __len__(self):
+ return len(self.all_toks)
+
+ def get_idx(self, tok):
+ return self.tok_to_idx.get(tok, self.unk_idx)
+
+ def get_tok(self, ind):
+ return self.all_toks[ind]
+
+ def to_dict(self):
+ return self.tok_to_idx.copy()
+
+ def get_batch_converter(self, truncation_seq_length: int = None):
+ if self.use_msa:
+ return MSABatchConverter(self, truncation_seq_length)
+ else:
+ return BatchConverter(self, truncation_seq_length)
+
+ @classmethod
+ def from_architecture(cls, name: str) -> "Alphabet":
+ if name in ("ESM-1", "protein_bert_base"):
+ standard_toks = proteinseq_toks["toks"]
+ prepend_toks: Tuple[str, ...] = ("", "", "", "")
+ append_toks: Tuple[str, ...] = ("", "", "")
+ prepend_bos = True
+ append_eos = False
+ use_msa = False
+ elif name in ("ESM-1b", "roberta_large"):
+ standard_toks = proteinseq_toks["toks"]
+ prepend_toks = ("", "", "", "")
+ append_toks = ("",)
+ prepend_bos = True
+ append_eos = True
+ use_msa = False
+ elif name in ("MSA Transformer", "msa_transformer"):
+ standard_toks = proteinseq_toks["toks"]
+ prepend_toks = ("", "", "", "")
+ append_toks = ("",)
+ prepend_bos = True
+ append_eos = False
+ use_msa = True
+ elif "invariant_gvp" in name.lower():
+ standard_toks = proteinseq_toks["toks"]
+ prepend_toks = ("", "", "", "")
+ append_toks = ("", "", "")
+ prepend_bos = True
+ append_eos = False
+ use_msa = False
+ else:
+ raise ValueError("Unknown architecture selected")
+ return cls(standard_toks, prepend_toks, append_toks, prepend_bos, append_eos, use_msa)
+
+ def _tokenize(self, text) -> str:
+ return text.split()
+
+ def tokenize(self, text, **kwargs) -> List[str]:
+ """
+ Inspired by https://github.com/huggingface/transformers/blob/master/src/transformers/tokenization_utils.py
+ Converts a string in a sequence of tokens, using the tokenizer.
+
+ Args:
+ text (:obj:`str`):
+ The sequence to be encoded.
+
+ Returns:
+ :obj:`List[str]`: The list of tokens.
+ """
+
+ def split_on_token(tok, text):
+ result = []
+ split_text = text.split(tok)
+ for i, sub_text in enumerate(split_text):
+ # AddedToken can control whitespace stripping around them.
+ # We use them for GPT2 and Roberta to have different behavior depending on the special token
+ # Cf. https://github.com/huggingface/transformers/pull/2778
+ # and https://github.com/huggingface/transformers/issues/3788
+ # We strip left and right by default
+ if i < len(split_text) - 1:
+ sub_text = sub_text.rstrip()
+ if i > 0:
+ sub_text = sub_text.lstrip()
+
+ if i == 0 and not sub_text:
+ result.append(tok)
+ elif i == len(split_text) - 1:
+ if sub_text:
+ result.append(sub_text)
+ else:
+ pass
+ else:
+ if sub_text:
+ result.append(sub_text)
+ result.append(tok)
+ return result
+
+ def split_on_tokens(tok_list, text):
+ if not text.strip():
+ return []
+
+ tokenized_text = []
+ text_list = [text]
+ for tok in tok_list:
+ tokenized_text = []
+ for sub_text in text_list:
+ if sub_text not in self.unique_no_split_tokens:
+ tokenized_text.extend(split_on_token(tok, sub_text))
+ else:
+ tokenized_text.append(sub_text)
+ text_list = tokenized_text
+
+ return list(
+ itertools.chain.from_iterable(
+ (
+ self._tokenize(token)
+ if token not in self.unique_no_split_tokens
+ else [token]
+ for token in tokenized_text
+ )
+ )
+ )
+
+ no_split_token = self.unique_no_split_tokens
+ tokenized_text = split_on_tokens(no_split_token, text)
+ return tokenized_text
+
+ def encode(self, text):
+ return [self.tok_to_idx[tok] for tok in self.tokenize(text)]
+
+
+class BatchConverter(object):
+ """Callable to convert an unprocessed (labels + strings) batch to a
+ processed (labels + tensor) batch.
+ """
+
+ def __init__(self, alphabet, truncation_seq_length: int = None):
+ self.alphabet = alphabet
+ self.truncation_seq_length = truncation_seq_length
+
+ def __call__(self, raw_batch: Sequence[Tuple[str, str]]):
+ # RoBERTa uses an eos token, while ESM-1 does not.
+ batch_size = len(raw_batch)
+ batch_labels, seq_str_list = zip(*raw_batch)
+ seq_encoded_list = [self.alphabet.encode(seq_str) for seq_str in seq_str_list]
+ if self.truncation_seq_length:
+ seq_encoded_list = [seq_str[:self.truncation_seq_length] for seq_str in seq_encoded_list]
+ max_len = max(len(seq_encoded) for seq_encoded in seq_encoded_list)
+ tokens = torch.empty(
+ (
+ batch_size,
+ max_len + int(self.alphabet.prepend_bos) + int(self.alphabet.append_eos),
+ ),
+ dtype=torch.int64,
+ )
+ tokens.fill_(self.alphabet.padding_idx)
+ labels = []
+ strs = []
+
+ for i, (label, seq_str, seq_encoded) in enumerate(
+ zip(batch_labels, seq_str_list, seq_encoded_list)
+ ):
+ labels.append(label)
+ strs.append(seq_str)
+ if self.alphabet.prepend_bos:
+ tokens[i, 0] = self.alphabet.cls_idx
+ seq = torch.tensor(seq_encoded, dtype=torch.int64)
+ tokens[
+ i,
+ int(self.alphabet.prepend_bos) : len(seq_encoded)
+ + int(self.alphabet.prepend_bos),
+ ] = seq
+ if self.alphabet.append_eos:
+ tokens[i, len(seq_encoded) + int(self.alphabet.prepend_bos)] = self.alphabet.eos_idx
+
+ return labels, strs, tokens
+
+
+class MSABatchConverter(BatchConverter):
+ def __call__(self, inputs: Union[Sequence[RawMSA], RawMSA]):
+ if isinstance(inputs[0][0], str):
+ # Input is a single MSA
+ raw_batch: Sequence[RawMSA] = [inputs] # type: ignore
+ else:
+ raw_batch = inputs # type: ignore
+
+ batch_size = len(raw_batch)
+ max_alignments = max(len(msa) for msa in raw_batch)
+ max_seqlen = max(len(msa[0][1]) for msa in raw_batch)
+
+ tokens = torch.empty(
+ (
+ batch_size,
+ max_alignments,
+ max_seqlen + int(self.alphabet.prepend_bos) + int(self.alphabet.append_eos),
+ ),
+ dtype=torch.int64,
+ )
+ tokens.fill_(self.alphabet.padding_idx)
+ labels = []
+ strs = []
+
+ for i, msa in enumerate(raw_batch):
+ msa_seqlens = set(len(seq) for _, seq in msa)
+ if not len(msa_seqlens) == 1:
+ raise RuntimeError(
+ "Received unaligned sequences for input to MSA, all sequence "
+ "lengths must be equal."
+ )
+ msa_labels, msa_strs, msa_tokens = super().__call__(msa)
+ labels.append(msa_labels)
+ strs.append(msa_strs)
+ tokens[i, : msa_tokens.size(0), : msa_tokens.size(1)] = msa_tokens
+
+ return labels, strs, tokens
+
+
+def read_fasta(
+ path,
+ keep_gaps=True,
+ keep_insertions=True,
+ to_upper=False,
+):
+ with open(path, "r") as f:
+ for result in read_alignment_lines(
+ f, keep_gaps=keep_gaps, keep_insertions=keep_insertions, to_upper=to_upper
+ ):
+ yield result
+
+
+def read_alignment_lines(
+ lines,
+ keep_gaps=True,
+ keep_insertions=True,
+ to_upper=False,
+):
+ seq = desc = None
+
+ def parse(s):
+ if not keep_gaps:
+ s = re.sub("-", "", s)
+ if not keep_insertions:
+ s = re.sub("[a-z]", "", s)
+ return s.upper() if to_upper else s
+
+ for line in lines:
+ # Line may be empty if seq % file_line_width == 0
+ if len(line) > 0 and line[0] == ">":
+ if seq is not None:
+ yield desc, parse(seq)
+ desc = line.strip().lstrip(">")
+ seq = ""
+ else:
+ assert isinstance(seq, str)
+ seq += line.strip()
+ assert isinstance(seq, str) and isinstance(desc, str)
+ yield desc, parse(seq)
+
+
+class ESMStructuralSplitDataset(torch.utils.data.Dataset):
+ """
+ Structural Split Dataset as described in section A.10 of the supplement of our paper.
+ https://doi.org/10.1101/622803
+
+ We use the full version of SCOPe 2.07, clustered at 90% sequence identity,
+ generated on January 23, 2020.
+
+ For each SCOPe domain:
+ - We extract the sequence from the corresponding PDB file
+ - We extract the 3D coordinates of the Carbon beta atoms, aligning them
+ to the sequence. We put NaN where Cb atoms are missing.
+ - From the 3D coordinates, we calculate a pairwise distance map, based
+ on L2 distance
+ - We use DSSP to generate secondary structure labels for the corresponding
+ PDB file. This is also aligned to the sequence. We put - where SSP
+ labels are missing.
+
+ For each SCOPe classification level of family/superfamily/fold (in order of difficulty),
+ we have split the data into 5 partitions for cross validation. These are provided
+ in a downloaded splits folder, in the format:
+ splits/{split_level}/{cv_partition}/{train|valid}.txt
+ where train is the partition and valid is the concatentation of the remaining 4.
+
+ For each SCOPe domain, we provide a pkl dump that contains:
+ - seq : The domain sequence, stored as an L-length string
+ - ssp : The secondary structure labels, stored as an L-length string
+ - dist : The distance map, stored as an LxL numpy array
+ - coords : The 3D coordinates, stored as an Lx3 numpy array
+
+ """
+
+ base_folder = "structural-data"
+ file_list = [
+ # url tar filename filename MD5 Hash
+ (
+ "https://dl.fbaipublicfiles.com/fair-esm/structural-data/splits.tar.gz",
+ "splits.tar.gz",
+ "splits",
+ "456fe1c7f22c9d3d8dfe9735da52411d",
+ ),
+ (
+ "https://dl.fbaipublicfiles.com/fair-esm/structural-data/pkl.tar.gz",
+ "pkl.tar.gz",
+ "pkl",
+ "644ea91e56066c750cd50101d390f5db",
+ ),
+ ]
+
+ def __init__(
+ self,
+ split_level,
+ cv_partition,
+ split,
+ root_path=os.path.expanduser("~/.cache/torch/data/esm"),
+ download=False,
+ ):
+ super().__init__()
+ assert split in [
+ "train",
+ "valid",
+ ], "train_valid must be 'train' or 'valid'"
+ self.root_path = root_path
+ self.base_path = os.path.join(self.root_path, self.base_folder)
+
+ # check if root path has what you need or else download it
+ if download:
+ self.download()
+
+ self.split_file = os.path.join(
+ self.base_path, "splits", split_level, cv_partition, f"{split}.txt"
+ )
+ self.pkl_dir = os.path.join(self.base_path, "pkl")
+ self.names = []
+ with open(self.split_file) as f:
+ self.names = f.read().splitlines()
+
+ def __len__(self):
+ return len(self.names)
+
+ def _check_exists(self) -> bool:
+ for (_, _, filename, _) in self.file_list:
+ fpath = os.path.join(self.base_path, filename)
+ if not os.path.exists(fpath) or not os.path.isdir(fpath):
+ return False
+ return True
+
+ def download(self):
+
+ if self._check_exists():
+ print("Files already downloaded and verified")
+ return
+
+ from torchvision.datasets.utils import download_url
+
+ for url, tar_filename, filename, md5_hash in self.file_list:
+ download_path = os.path.join(self.base_path, tar_filename)
+ download_url(url=url, root=self.base_path, filename=tar_filename, md5=md5_hash)
+ shutil.unpack_archive(download_path, self.base_path)
+
+ def __getitem__(self, idx):
+ """
+ Returns a dict with the following entires
+ - seq : Str (domain sequence)
+ - ssp : Str (SSP labels)
+ - dist : np.array (distance map)
+ - coords : np.array (3D coordinates)
+ """
+ name = self.names[idx]
+ pkl_fname = os.path.join(self.pkl_dir, name[1:3], f"{name}.pkl")
+ with open(pkl_fname, "rb") as f:
+ obj = pickle.load(f)
+ return obj
diff --git a/esm/esmfold/v1/__init__.py b/esm/esmfold/v1/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/esm/esmfold/v1/categorical_mixture.py b/esm/esmfold/v1/categorical_mixture.py
new file mode 100644
index 0000000000000000000000000000000000000000..aedff861c8568d9b6389ab2ab57aa50040543f25
--- /dev/null
+++ b/esm/esmfold/v1/categorical_mixture.py
@@ -0,0 +1,43 @@
+# Copyright (c) Meta Platforms, Inc. and affiliates.
+#
+# This source code is licensed under the MIT license found in the
+# LICENSE file in the root directory of this source tree.
+import torch
+
+
+class CategoricalMixture:
+ def __init__(self, param, bins=50, start=0, end=1):
+ # All tensors are of shape ..., bins.
+ self.logits = param
+ bins = torch.linspace(
+ start, end, bins + 1, device=self.logits.device, dtype=self.logits.dtype
+ )
+ self.v_bins = (bins[:-1] + bins[1:]) / 2
+
+ def log_prob(self, true):
+ # Shapes are:
+ # self.probs: ... x bins
+ # true : ...
+ true_index = (
+ (
+ true.unsqueeze(-1)
+ - self.v_bins[
+ [
+ None,
+ ]
+ * true.ndim
+ ]
+ )
+ .abs()
+ .argmin(-1)
+ )
+ nll = self.logits.log_softmax(-1)
+ return torch.take_along_dim(nll, true_index.unsqueeze(-1), dim=-1).squeeze(-1)
+
+ def mean(self):
+ return (self.logits.softmax(-1) @ self.v_bins.unsqueeze(1)).squeeze(-1)
+
+
+def categorical_lddt(logits, bins=50):
+ # Logits are ..., 37, bins.
+ return CategoricalMixture(logits, bins=bins).mean()
diff --git a/esm/esmfold/v1/esmfold.py b/esm/esmfold/v1/esmfold.py
new file mode 100644
index 0000000000000000000000000000000000000000..ff66db63b5bd105ffa90d73b1ff24f23e1507c04
--- /dev/null
+++ b/esm/esmfold/v1/esmfold.py
@@ -0,0 +1,364 @@
+# Copyright (c) Meta Platforms, Inc. and affiliates.
+#
+# This source code is licensed under the MIT license found in the
+# LICENSE file in the root directory of this source tree.
+import typing as T
+from dataclasses import dataclass
+from functools import partial
+
+import torch
+import torch.nn as nn
+from torch import nn
+from torch.nn import LayerNorm
+
+import esm
+from esm import Alphabet
+from esm.esmfold.v1.categorical_mixture import categorical_lddt
+from esm.esmfold.v1.misc import (
+ batch_encode_sequences,
+ collate_dense_tensors,
+ output_to_pdb,
+)
+from esm.esmfold.v1.trunk import FoldingTrunk, FoldingTrunkConfig
+from openfold.data.data_transforms import make_atom14_masks
+from openfold.np import residue_constants
+from openfold.utils.loss import compute_predicted_aligned_error, compute_tm
+
+
+@dataclass
+class ESMFoldConfig:
+ trunk: T.Any = FoldingTrunkConfig()
+ lddt_head_hid_dim: int = 128
+
+
+load_fn = esm.pretrained.load_model_and_alphabet
+esm_registry = {
+ "esm2_8M": partial(load_fn, "esm2_t6_8M_UR50D_500K"),
+ "esm2_8M_270K": esm.pretrained.esm2_t6_8M_UR50D,
+ "esm2_35M": partial(load_fn, "esm2_t12_35M_UR50D_500K"),
+ "esm2_35M_270K": esm.pretrained.esm2_t12_35M_UR50D,
+ "esm2_150M": partial(load_fn, "esm2_t30_150M_UR50D_500K"),
+ "esm2_150M_270K": partial(load_fn, "esm2_t30_150M_UR50D_270K"),
+ "esm2_650M": esm.pretrained.esm2_t33_650M_UR50D,
+ "esm2_650M_270K": partial(load_fn, "esm2_t33_650M_270K_UR50D"),
+ "esm2_3B": esm.pretrained.esm2_t36_3B_UR50D,
+ "esm2_3B_270K": partial(load_fn, "esm2_t36_3B_UR50D_500K"),
+ "esm2_15B": esm.pretrained.esm2_t48_15B_UR50D,
+}
+
+
+class ESMFold(nn.Module):
+ def __init__(self, esmfold_config=None, **kwargs):
+ super().__init__()
+
+ self.cfg = esmfold_config if esmfold_config else ESMFoldConfig(**kwargs)
+ cfg = self.cfg
+
+ self.distogram_bins = 64
+
+ self.esm, self.esm_dict = esm_registry.get(cfg.esm_type)()
+
+ self.esm.requires_grad_(False)
+ self.esm.half()
+
+ self.esm_feats = self.esm.embed_dim
+ self.esm_attns = self.esm.num_layers * self.esm.attention_heads
+ self.register_buffer("af2_to_esm", ESMFold._af2_to_esm(self.esm_dict))
+ self.esm_s_combine = nn.Parameter(torch.zeros(self.esm.num_layers + 1))
+
+ c_s = cfg.trunk.sequence_state_dim
+ c_z = cfg.trunk.pairwise_state_dim
+
+ self.esm_s_mlp = nn.Sequential(
+ LayerNorm(self.esm_feats),
+ nn.Linear(self.esm_feats, c_s),
+ nn.ReLU(),
+ nn.Linear(c_s, c_s),
+ )
+ if cfg.use_esm_attn_map:
+ self.esm_z_mlp = nn.Sequential(
+ LayerNorm(self.esm_attns),
+ nn.Linear(self.esm_attns, c_z),
+ nn.ReLU(),
+ nn.Linear(c_z, c_z),
+ )
+
+ # 0 is padding, N is unknown residues, N + 1 is mask.
+ self.n_tokens_embed = residue_constants.restype_num + 3
+ self.pad_idx = 0
+ self.unk_idx = self.n_tokens_embed - 2
+ self.mask_idx = self.n_tokens_embed - 1
+ self.embedding = nn.Embedding(self.n_tokens_embed, c_s, padding_idx=0)
+
+ self.trunk = FoldingTrunk(**cfg.trunk)
+
+ self.distogram_head = nn.Linear(c_z, self.distogram_bins)
+ self.ptm_head = nn.Linear(c_z, self.distogram_bins)
+ self.lm_head = nn.Linear(c_s, self.n_tokens_embed)
+ self.lddt_bins = 50
+ self.lddt_head = nn.Sequential(
+ nn.LayerNorm(cfg.trunk.structure_module.c_s),
+ nn.Linear(cfg.trunk.structure_module.c_s, cfg.lddt_head_hid_dim),
+ nn.Linear(cfg.lddt_head_hid_dim, cfg.lddt_head_hid_dim),
+ nn.Linear(cfg.lddt_head_hid_dim, 37 * self.lddt_bins),
+ )
+
+ @staticmethod
+ def _af2_to_esm(d: Alphabet):
+ # Remember that t is shifted from residue_constants by 1 (0 is padding).
+ esm_reorder = [d.padding_idx] + [
+ d.get_idx(v) for v in residue_constants.restypes_with_x
+ ]
+ return torch.tensor(esm_reorder)
+
+ def _af2_idx_to_esm_idx(self, aa, mask):
+ aa = (aa + 1).masked_fill(mask != 1, 0)
+ return self.af2_to_esm[aa]
+
+ def _compute_language_model_representations(
+ self, esmaa: torch.Tensor
+ ) -> torch.Tensor:
+ """Adds bos/eos tokens for the language model, since the structure module doesn't use these."""
+ batch_size = esmaa.size(0)
+
+ bosi, eosi = self.esm_dict.cls_idx, self.esm_dict.eos_idx
+ bos = esmaa.new_full((batch_size, 1), bosi)
+ eos = esmaa.new_full((batch_size, 1), self.esm_dict.padding_idx)
+ esmaa = torch.cat([bos, esmaa, eos], dim=1)
+ # Use the first padding index as eos during inference.
+ esmaa[range(batch_size), (esmaa != 1).sum(1)] = eosi
+
+ res = self.esm(
+ esmaa,
+ repr_layers=range(self.esm.num_layers + 1),
+ need_head_weights=self.cfg.use_esm_attn_map,
+ )
+ esm_s = torch.stack(
+ [v for _, v in sorted(res["representations"].items())], dim=2
+ )
+ esm_s = esm_s[:, 1:-1] # B, L, nLayers, C
+ esm_z = (
+ res["attentions"].permute(0, 4, 3, 1, 2).flatten(3, 4)[:, 1:-1, 1:-1, :]
+ if self.cfg.use_esm_attn_map
+ else None
+ )
+ return esm_s, esm_z
+
+ def _mask_inputs_to_esm(self, esmaa, pattern):
+ new_esmaa = esmaa.clone()
+ new_esmaa[pattern == 1] = self.esm_dict.mask_idx
+ return new_esmaa
+
+ def forward(
+ self,
+ aa: torch.Tensor,
+ mask: T.Optional[torch.Tensor] = None,
+ residx: T.Optional[torch.Tensor] = None,
+ masking_pattern: T.Optional[torch.Tensor] = None,
+ num_recycles: T.Optional[int] = None,
+ ):
+ """Runs a forward pass given input tokens. Use `model.infer` to
+ run inference from a sequence.
+
+ Args:
+ aa (torch.Tensor): Tensor containing indices corresponding to amino acids. Indices match
+ openfold.np.residue_constants.restype_order_with_x.
+ mask (torch.Tensor): Binary tensor with 1 meaning position is unmasked and 0 meaning position is masked.
+ residx (torch.Tensor): Residue indices of amino acids. Will assume contiguous if not provided.
+ masking_pattern (torch.Tensor): Optional masking to pass to the input. Binary tensor of the same size
+ as `aa`. Positions with 1 will be masked. ESMFold sometimes produces different samples when
+ different masks are provided.
+ num_recycles (int): How many recycle iterations to perform. If None, defaults to training max
+ recycles, which is 3.
+ """
+
+ if mask is None:
+ mask = torch.ones_like(aa)
+
+ B = aa.shape[0]
+ L = aa.shape[1]
+ device = aa.device
+
+ if residx is None:
+ residx = torch.arange(L, device=device).expand_as(aa)
+
+ # === ESM ===
+ esmaa = self._af2_idx_to_esm_idx(aa, mask)
+
+ if masking_pattern is not None:
+ esmaa = self._mask_inputs_to_esm(esmaa, masking_pattern)
+
+ esm_s, esm_z = self._compute_language_model_representations(esmaa)
+
+ # Convert esm_s to the precision used by the trunk and
+ # the structure module. These tensors may be a lower precision if, for example,
+ # we're running the language model in fp16 precision.
+ esm_s = esm_s.to(self.esm_s_combine.dtype)
+ esm_s = esm_s.detach()
+
+ # === preprocessing ===
+ esm_s = (self.esm_s_combine.softmax(0).unsqueeze(0) @ esm_s).squeeze(2)
+
+ s_s_0 = self.esm_s_mlp(esm_s)
+ if self.cfg.use_esm_attn_map:
+ esm_z = esm_z.to(self.esm_s_combine.dtype)
+ esm_z = esm_z.detach()
+ s_z_0 = self.esm_z_mlp(esm_z)
+ else:
+ s_z_0 = s_s_0.new_zeros(B, L, L, self.cfg.trunk.pairwise_state_dim)
+
+ s_s_0 += self.embedding(aa)
+
+ structure: dict = self.trunk(
+ s_s_0, s_z_0, aa, residx, mask, no_recycles=num_recycles
+ )
+ # Documenting what we expect:
+ structure = {
+ k: v
+ for k, v in structure.items()
+ if k
+ in [
+ "s_z",
+ "s_s",
+ "frames",
+ "sidechain_frames",
+ "unnormalized_angles",
+ "angles",
+ "positions",
+ "states",
+ ]
+ }
+
+ disto_logits = self.distogram_head(structure["s_z"])
+ disto_logits = (disto_logits + disto_logits.transpose(1, 2)) / 2
+ structure["distogram_logits"] = disto_logits
+
+ lm_logits = self.lm_head(structure["s_s"])
+ structure["lm_logits"] = lm_logits
+
+ structure["aatype"] = aa
+ make_atom14_masks(structure)
+
+ for k in [
+ "atom14_atom_exists",
+ "atom37_atom_exists",
+ ]:
+ structure[k] *= mask.unsqueeze(-1)
+ structure["residue_index"] = residx
+
+ lddt_head = self.lddt_head(structure["states"]).reshape(
+ structure["states"].shape[0], B, L, -1, self.lddt_bins
+ )
+ structure["lddt_head"] = lddt_head
+ plddt = categorical_lddt(lddt_head[-1], bins=self.lddt_bins)
+ structure["plddt"] = (
+ 100 * plddt
+ ) # we predict plDDT between 0 and 1, scale to be between 0 and 100.
+
+ ptm_logits = self.ptm_head(structure["s_z"])
+
+ seqlen = mask.type(torch.int64).sum(1)
+ structure["ptm_logits"] = ptm_logits
+ structure["ptm"] = torch.stack(
+ [
+ compute_tm(
+ batch_ptm_logits[None, :sl, :sl],
+ max_bins=31,
+ no_bins=self.distogram_bins,
+ )
+ for batch_ptm_logits, sl in zip(ptm_logits, seqlen)
+ ]
+ )
+ structure.update(
+ compute_predicted_aligned_error(
+ ptm_logits, max_bin=31, no_bins=self.distogram_bins
+ )
+ )
+
+ return structure
+
+ @torch.no_grad()
+ def infer(
+ self,
+ sequences: T.Union[str, T.List[str]],
+ residx=None,
+ masking_pattern: T.Optional[torch.Tensor] = None,
+ num_recycles: T.Optional[int] = None,
+ residue_index_offset: T.Optional[int] = 512,
+ chain_linker: T.Optional[str] = "G" * 25,
+ ):
+ """Runs a forward pass given input sequences.
+
+ Args:
+ sequences (Union[str, List[str]]): A list of sequences to make predictions for. Multimers can also be passed in,
+ each chain should be separated by a ':' token (e.g. "::").
+ residx (torch.Tensor): Residue indices of amino acids. Will assume contiguous if not provided.
+ masking_pattern (torch.Tensor): Optional masking to pass to the input. Binary tensor of the same size
+ as `aa`. Positions with 1 will be masked. ESMFold sometimes produces different samples when
+ different masks are provided.
+ num_recycles (int): How many recycle iterations to perform. If None, defaults to training max
+ recycles (cfg.trunk.max_recycles), which is 4.
+ residue_index_offset (int): Residue index separation between chains if predicting a multimer. Has no effect on
+ single chain predictions. Default: 512.
+ chain_linker (str): Linker to use between chains if predicting a multimer. Has no effect on single chain
+ predictions. Default: length-25 poly-G ("G" * 25).
+ """
+ if isinstance(sequences, str):
+ sequences = [sequences]
+
+ aatype, mask, _residx, linker_mask, chain_index = batch_encode_sequences(
+ sequences, residue_index_offset, chain_linker
+ )
+
+ if residx is None:
+ residx = _residx
+ elif not isinstance(residx, torch.Tensor):
+ residx = collate_dense_tensors(residx)
+
+ aatype, mask, residx, linker_mask = map(
+ lambda x: x.to(self.device), (aatype, mask, residx, linker_mask)
+ )
+
+ output = self.forward(
+ aatype,
+ mask=mask,
+ residx=residx,
+ masking_pattern=masking_pattern,
+ num_recycles=num_recycles,
+ )
+
+ output["atom37_atom_exists"] = output[
+ "atom37_atom_exists"
+ ] * linker_mask.unsqueeze(2)
+
+ output["mean_plddt"] = (output["plddt"] * output["atom37_atom_exists"]).sum(
+ dim=(1, 2)
+ ) / output["atom37_atom_exists"].sum(dim=(1, 2))
+ output["chain_index"] = chain_index
+
+ return output
+
+ def output_to_pdb(self, output: T.Dict) -> T.List[str]:
+ """Returns the pbd (file) string from the model given the model output."""
+ return output_to_pdb(output)
+
+ def infer_pdbs(self, seqs: T.List[str], *args, **kwargs) -> T.List[str]:
+ """Returns list of pdb (files) strings from the model given a list of input sequences."""
+ output = self.infer(seqs, *args, **kwargs)
+ return self.output_to_pdb(output)
+
+ def infer_pdb(self, sequence: str, *args, **kwargs) -> str:
+ """Returns the pdb (file) string from the model given an input sequence."""
+ return self.infer_pdbs([sequence], *args, **kwargs)[0]
+
+ def set_chunk_size(self, chunk_size: T.Optional[int]):
+ # This parameter means the axial attention will be computed
+ # in a chunked manner. This should make the memory used more or less O(L) instead of O(L^2).
+ # It's equivalent to running a for loop over chunks of the dimension we're iterative over,
+ # where the chunk_size is the size of the chunks, so 128 would mean to parse 128-lengthed chunks.
+ # Setting the value to None will return to default behavior, disable chunking.
+ self.trunk.set_chunk_size(chunk_size)
+
+ @property
+ def device(self):
+ return self.esm_s_combine.device
diff --git a/esm/esmfold/v1/misc.py b/esm/esmfold/v1/misc.py
new file mode 100644
index 0000000000000000000000000000000000000000..76b8e74cd73d44f68ea197fd15d5e2d38cbf8284
--- /dev/null
+++ b/esm/esmfold/v1/misc.py
@@ -0,0 +1,309 @@
+# Copyright (c) Meta Platforms, Inc. and affiliates.
+#
+# This source code is licensed under the MIT license found in the
+# LICENSE file in the root directory of this source tree.
+import typing as T
+
+import numpy as np
+import torch
+import torch.nn.functional as F
+from einops import rearrange, repeat
+from torch import nn
+from openfold.np import residue_constants
+from openfold.np.protein import Protein as OFProtein
+from openfold.np.protein import to_pdb
+from openfold.utils.feats import atom14_to_atom37
+
+
+def encode_sequence(
+ seq: str,
+ residue_index_offset: T.Optional[int] = 512,
+ chain_linker: T.Optional[str] = "G" * 25,
+) -> T.Tuple[torch.Tensor, torch.Tensor, torch.Tensor, torch.Tensor]:
+ if chain_linker is None:
+ chain_linker = ""
+ if residue_index_offset is None:
+ residue_index_offset = 0
+
+ chains = seq.split(":")
+ seq = chain_linker.join(chains)
+
+ unk_idx = residue_constants.restype_order_with_x["X"]
+ encoded = torch.tensor(
+ [residue_constants.restype_order_with_x.get(aa, unk_idx) for aa in seq]
+ )
+ residx = torch.arange(len(encoded))
+
+ if residue_index_offset > 0:
+ start = 0
+ for i, chain in enumerate(chains):
+ residx[start : start + len(chain) + len(chain_linker)] += (
+ i * residue_index_offset
+ )
+ start += len(chain) + len(chain_linker)
+
+ linker_mask = torch.ones_like(encoded, dtype=torch.float32)
+ chain_index = []
+ offset = 0
+ for i, chain in enumerate(chains):
+ if i > 0:
+ chain_index.extend([i - 1] * len(chain_linker))
+ chain_index.extend([i] * len(chain))
+ offset += len(chain)
+ linker_mask[offset : offset + len(chain_linker)] = 0
+ offset += len(chain_linker)
+
+ chain_index = torch.tensor(chain_index, dtype=torch.int64)
+
+ return encoded, residx, linker_mask, chain_index
+
+
+def batch_encode_sequences(
+ sequences: T.Sequence[str],
+ residue_index_offset: T.Optional[int] = 512,
+ chain_linker: T.Optional[str] = "G" * 25,
+) -> T.Tuple[torch.Tensor, torch.Tensor, torch.Tensor, torch.Tensor, torch.Tensor]:
+
+ aatype_list = []
+ residx_list = []
+ linker_mask_list = []
+ chain_index_list = []
+ for seq in sequences:
+ aatype_seq, residx_seq, linker_mask_seq, chain_index_seq = encode_sequence(
+ seq,
+ residue_index_offset=residue_index_offset,
+ chain_linker=chain_linker,
+ )
+ aatype_list.append(aatype_seq)
+ residx_list.append(residx_seq)
+ linker_mask_list.append(linker_mask_seq)
+ chain_index_list.append(chain_index_seq)
+
+ aatype = collate_dense_tensors(aatype_list)
+ mask = collate_dense_tensors(
+ [aatype.new_ones(len(aatype_seq)) for aatype_seq in aatype_list]
+ )
+ residx = collate_dense_tensors(residx_list)
+ linker_mask = collate_dense_tensors(linker_mask_list)
+ chain_index_list = collate_dense_tensors(chain_index_list, -1)
+
+ return aatype, mask, residx, linker_mask, chain_index_list
+
+
+def output_to_pdb(output: T.Dict) -> T.List[str]:
+ """Returns the pbd (file) string from the model given the model output."""
+ # atom14_to_atom37 must be called first, as it fails on latest numpy if the
+ # input is a numpy array. It will work if the input is a torch tensor.
+ final_atom_positions = atom14_to_atom37(output["positions"][-1], output)
+ output = {k: v.to("cpu").numpy() for k, v in output.items()}
+ final_atom_positions = final_atom_positions.cpu().numpy()
+ final_atom_mask = output["atom37_atom_exists"]
+ pdbs = []
+ for i in range(output["aatype"].shape[0]):
+ aa = output["aatype"][i]
+ pred_pos = final_atom_positions[i]
+ mask = final_atom_mask[i]
+ resid = output["residue_index"][i] + 1
+ pred = OFProtein(
+ aatype=aa,
+ atom_positions=pred_pos,
+ atom_mask=mask,
+ residue_index=resid,
+ b_factors=output["plddt"][i],
+ chain_index=output["chain_index"][i] if "chain_index" in output else None,
+ )
+ pdbs.append(to_pdb(pred))
+ return pdbs
+
+
+def collate_dense_tensors(
+ samples: T.List[torch.Tensor], pad_v: float = 0
+) -> torch.Tensor:
+ """
+ Takes a list of tensors with the following dimensions:
+ [(d_11, ..., d_1K),
+ (d_21, ..., d_2K),
+ ...,
+ (d_N1, ..., d_NK)]
+ and stack + pads them into a single tensor of:
+ (N, max_i=1,N { d_i1 }, ..., max_i=1,N {diK})
+ """
+ if len(samples) == 0:
+ return torch.Tensor()
+ if len(set(x.dim() for x in samples)) != 1:
+ raise RuntimeError(
+ f"Samples has varying dimensions: {[x.dim() for x in samples]}"
+ )
+ (device,) = tuple(set(x.device for x in samples)) # assumes all on same device
+ max_shape = [max(lst) for lst in zip(*[x.shape for x in samples])]
+ result = torch.empty(
+ len(samples), *max_shape, dtype=samples[0].dtype, device=device
+ )
+ result.fill_(pad_v)
+ for i in range(len(samples)):
+ result_i = result[i]
+ t = samples[i]
+ result_i[tuple(slice(0, k) for k in t.shape)] = t
+ return result
+
+
+class Attention(nn.Module):
+ def __init__(self, embed_dim, num_heads, head_width, gated=False):
+ super().__init__()
+ assert embed_dim == num_heads * head_width
+
+ self.embed_dim = embed_dim
+ self.num_heads = num_heads
+ self.head_width = head_width
+
+ self.proj = nn.Linear(embed_dim, embed_dim * 3, bias=False)
+ self.o_proj = nn.Linear(embed_dim, embed_dim, bias=True)
+ self.gated = gated
+ if gated:
+ self.g_proj = nn.Linear(embed_dim, embed_dim)
+ torch.nn.init.zeros_(self.g_proj.weight)
+ torch.nn.init.ones_(self.g_proj.bias)
+
+ self.rescale_factor = self.head_width**-0.5
+
+ torch.nn.init.zeros_(self.o_proj.bias)
+
+ def forward(self, x, mask=None, bias=None, indices=None):
+ """
+ Basic self attention with optional mask and external pairwise bias.
+ To handle sequences of different lengths, use mask.
+
+ Inputs:
+ x: batch of input sequneces (.. x L x C)
+ mask: batch of boolean masks where 1=valid, 0=padding position (.. x L_k). optional.
+ bias: batch of scalar pairwise attention biases (.. x Lq x Lk x num_heads). optional.
+
+ Outputs:
+ sequence projection (B x L x embed_dim), attention maps (B x L x L x num_heads)
+ """
+
+ t = rearrange(self.proj(x), "... l (h c) -> ... h l c", h=self.num_heads)
+ q, k, v = t.chunk(3, dim=-1)
+
+ q = self.rescale_factor * q
+ a = torch.einsum("...qc,...kc->...qk", q, k)
+
+ # Add external attention bias.
+ if bias is not None:
+ a = a + rearrange(bias, "... lq lk h -> ... h lq lk")
+
+ # Do not attend to padding tokens.
+ if mask is not None:
+ mask = repeat(
+ mask, "... lk -> ... h lq lk", h=self.num_heads, lq=q.shape[-2]
+ )
+ a = a.masked_fill(mask == False, -np.inf)
+
+ a = F.softmax(a, dim=-1)
+
+ y = torch.einsum("...hqk,...hkc->...qhc", a, v)
+ y = rearrange(y, "... h c -> ... (h c)", h=self.num_heads)
+
+ if self.gated:
+ y = self.g_proj(x).sigmoid() * y
+ y = self.o_proj(y)
+
+ return y, rearrange(a, "... lq lk h -> ... h lq lk")
+
+
+class Dropout(nn.Module):
+ """
+ Implementation of dropout with the ability to share the dropout mask
+ along a particular dimension.
+ """
+
+ def __init__(self, r: float, batch_dim: T.Union[int, T.List[int]]):
+ super(Dropout, self).__init__()
+
+ self.r = r
+ if type(batch_dim) == int:
+ batch_dim = [batch_dim]
+ self.batch_dim = batch_dim
+ self.dropout = nn.Dropout(self.r)
+
+ def forward(self, x: torch.Tensor) -> torch.Tensor:
+ shape = list(x.shape)
+ if self.batch_dim is not None:
+ for bd in self.batch_dim:
+ shape[bd] = 1
+ return x * self.dropout(x.new_ones(shape))
+
+
+class SequenceToPair(nn.Module):
+ def __init__(self, sequence_state_dim, inner_dim, pairwise_state_dim):
+ super().__init__()
+
+ self.layernorm = nn.LayerNorm(sequence_state_dim)
+ self.proj = nn.Linear(sequence_state_dim, inner_dim * 2, bias=True)
+ self.o_proj = nn.Linear(2 * inner_dim, pairwise_state_dim, bias=True)
+
+ torch.nn.init.zeros_(self.proj.bias)
+ torch.nn.init.zeros_(self.o_proj.bias)
+
+ def forward(self, sequence_state):
+ """
+ Inputs:
+ sequence_state: B x L x sequence_state_dim
+
+ Output:
+ pairwise_state: B x L x L x pairwise_state_dim
+
+ Intermediate state:
+ B x L x L x 2*inner_dim
+ """
+
+ assert len(sequence_state.shape) == 3
+
+ s = self.layernorm(sequence_state)
+ s = self.proj(s)
+ q, k = s.chunk(2, dim=-1)
+
+ prod = q[:, None, :, :] * k[:, :, None, :]
+ diff = q[:, None, :, :] - k[:, :, None, :]
+
+ x = torch.cat([prod, diff], dim=-1)
+ x = self.o_proj(x)
+
+ return x
+
+
+class PairToSequence(nn.Module):
+ def __init__(self, pairwise_state_dim, num_heads):
+ super().__init__()
+
+ self.layernorm = nn.LayerNorm(pairwise_state_dim)
+ self.linear = nn.Linear(pairwise_state_dim, num_heads, bias=False)
+
+ def forward(self, pairwise_state):
+ """
+ Inputs:
+ pairwise_state: B x L x L x pairwise_state_dim
+
+ Output:
+ pairwise_bias: B x L x L x num_heads
+ """
+ assert len(pairwise_state.shape) == 4
+ z = self.layernorm(pairwise_state)
+ pairwise_bias = self.linear(z)
+ return pairwise_bias
+
+
+class ResidueMLP(nn.Module):
+ def __init__(self, embed_dim, inner_dim, norm=nn.LayerNorm, dropout=0):
+ super().__init__()
+
+ self.mlp = nn.Sequential(
+ norm(embed_dim),
+ nn.Linear(embed_dim, inner_dim),
+ nn.ReLU(),
+ nn.Linear(inner_dim, embed_dim),
+ nn.Dropout(dropout),
+ )
+
+ def forward(self, x):
+ return x + self.mlp(x)
diff --git a/esm/esmfold/v1/pretrained.py b/esm/esmfold/v1/pretrained.py
new file mode 100644
index 0000000000000000000000000000000000000000..1dc7b8527cfd460a9c97a0aeae6af837f13f220a
--- /dev/null
+++ b/esm/esmfold/v1/pretrained.py
@@ -0,0 +1,181 @@
+# Copyright (c) Meta Platforms, Inc. and affiliates.
+
+# This source code is licensed under the MIT license found in the
+# LICENSE file in the root directory of this source tree.
+
+from pathlib import Path
+
+import torch
+
+from esm.esmfold.v1.esmfold import ESMFold
+
+
+def _load_model(model_name):
+ if model_name.endswith(".pt"): # local, treat as filepath
+ model_path = Path(model_name)
+ model_data = torch.load(str(model_path), map_location="cpu")
+ else: # load from hub
+ url = f"https://dl.fbaipublicfiles.com/fair-esm/models/{model_name}.pt"
+ model_data = torch.hub.load_state_dict_from_url(url, progress=False, map_location="cpu")
+
+ cfg = model_data["cfg"]["model"]
+ model_state = model_data["model"]
+ model = ESMFold(esmfold_config=cfg)
+
+ expected_keys = set(model.state_dict().keys())
+ found_keys = set(model_state.keys())
+
+ missing_essential_keys = []
+ for missing_key in expected_keys - found_keys:
+ if not missing_key.startswith("esm."):
+ missing_essential_keys.append(missing_key)
+
+ if missing_essential_keys:
+ raise RuntimeError(f"Keys '{', '.join(missing_essential_keys)}' are missing.")
+
+ model.load_state_dict(model_state, strict=False)
+
+ return model
+
+
+def esmfold_v0():
+ """
+ ESMFold v0 model with 3B ESM-2, 48 folding blocks.
+ This version was used for the paper (Lin et al, 2022). It was trained
+ on all PDB chains until 2020-05, to ensure temporal holdout with CASP14
+ and the CAMEO validation and test set reported there.
+ """
+ return _load_model("esmfold_3B_v0")
+
+
+def esmfold_v1():
+ """
+ ESMFold v1 model using 3B ESM-2, 48 folding blocks.
+ ESMFold provides fast high accuracy atomic level structure prediction
+ directly from the individual sequence of a protein. ESMFold uses the ESM2
+ protein language model to extract meaningful representations from the
+ protein sequence.
+ """
+ return _load_model("esmfold_3B_v1")
+
+
+def esmfold_structure_module_only_8M():
+ """
+ ESMFold baseline model using 8M ESM-2, 0 folding blocks.
+ ESM-2 here is trained out to 500K updates.
+ This is a model designed to test the capabilities of the language model
+ when ablated for number of parameters in the language model.
+ See table S1 in (Lin et al, 2022).
+ """
+ return _load_model("esmfold_structure_module_only_8M")
+
+
+def esmfold_structure_module_only_8M_270K():
+ """
+ ESMFold baseline model using 8M ESM-2, 0 folding blocks.
+ ESM-2 here is trained out to 270K updates.
+ This is a model designed to test the capabilities of the language model
+ when ablated for number of parameters in the language model.
+ See table S1 in (Lin et al, 2022).
+ """
+ return _load_model("esmfold_structure_module_only_8M_270K")
+
+
+def esmfold_structure_module_only_35M():
+ """
+ ESMFold baseline model using 35M ESM-2, 0 folding blocks.
+ ESM-2 here is trained out to 500K updates.
+ This is a model designed to test the capabilities of the language model
+ when ablated for number of parameters in the language model.
+ See table S1 in (Lin et al, 2022).
+ """
+ return _load_model("esmfold_structure_module_only_35M")
+
+
+def esmfold_structure_module_only_35M_270K():
+ """
+ ESMFold baseline model using 35M ESM-2, 0 folding blocks.
+ ESM-2 here is trained out to 270K updates.
+ This is a model designed to test the capabilities of the language model
+ when ablated for number of parameters in the language model.
+ See table S1 in (Lin et al, 2022).
+ """
+ return _load_model("esmfold_structure_module_only_35M_270K")
+
+
+def esmfold_structure_module_only_150M():
+ """
+ ESMFold baseline model using 150M ESM-2, 0 folding blocks.
+ ESM-2 here is trained out to 500K updates.
+ This is a model designed to test the capabilities of the language model
+ when ablated for number of parameters in the language model.
+ See table S1 in (Lin et al, 2022).
+ """
+ return _load_model("esmfold_structure_module_only_150M")
+
+
+def esmfold_structure_module_only_150M_270K():
+ """
+ ESMFold baseline model using 150M ESM-2, 0 folding blocks.
+ ESM-2 here is trained out to 270K updates.
+ This is a model designed to test the capabilities of the language model
+ when ablated for number of parameters in the language model.
+ See table S1 in (Lin et al, 2022).
+ """
+ return _load_model("esmfold_structure_module_only_150M_270K")
+
+
+def esmfold_structure_module_only_650M():
+ """
+ ESMFold baseline model using 650M ESM-2, 0 folding blocks.
+ ESM-2 here is trained out to 500K updates.
+ This is a model designed to test the capabilities of the language model
+ when ablated for number of parameters in the language model.
+ See table S1 in (Lin et al, 2022).
+ """
+ return _load_model("esmfold_structure_module_only_650M")
+
+
+def esmfold_structure_module_only_650M_270K():
+ """
+ ESMFold baseline model using 650M ESM-2, 0 folding blocks.
+ ESM-2 here is trained out to 270K updates.
+ This is a model designed to test the capabilities of the language model
+ when ablated for number of parameters in the language model.
+ See table S1 in (Lin et al, 2022).
+ """
+ return _load_model("esmfold_structure_module_only_650M_270K")
+
+
+def esmfold_structure_module_only_3B():
+ """
+ ESMFold baseline model using 3B ESM-2, 0 folding blocks.
+ ESM-2 here is trained out to 500K updates.
+ This is a model designed to test the capabilities of the language model
+ when ablated for number of parameters in the language model.
+ See table S1 in (Lin et al, 2022).
+ """
+ return _load_model("esmfold_structure_module_only_3B")
+
+
+def esmfold_structure_module_only_3B_270K():
+ """
+ ESMFold baseline model using 3B ESM-2, 0 folding blocks.
+ ESM-2 here is trained out to 270K updates.
+ This is a model designed to test the capabilities of the language model
+ when ablated for number of parameters in the language model.
+ See table S1 in (Lin et al, 2022).
+ """
+ return _load_model("esmfold_structure_module_only_3B_270K")
+
+
+def esmfold_structure_module_only_15B():
+ """
+ ESMFold baseline model using 15B ESM-2, 0 folding blocks.
+ ESM-2 here is trained out to 270K updates.
+ The 15B parameter ESM-2 was not trained out to 500K updates
+ This is a model designed to test the capabilities of the language model
+ when ablated for number of parameters in the language model.
+ See table S1 in (Lin et al, 2022).
+ """
+ return _load_model("esmfold_structure_module_only_15B")
diff --git a/esm/esmfold/v1/tri_self_attn_block.py b/esm/esmfold/v1/tri_self_attn_block.py
new file mode 100644
index 0000000000000000000000000000000000000000..b27ba480cecc964896659de69130524be054ad37
--- /dev/null
+++ b/esm/esmfold/v1/tri_self_attn_block.py
@@ -0,0 +1,160 @@
+# Copyright (c) Meta Platforms, Inc. and affiliates.
+#
+# This source code is licensed under the MIT license found in the
+# LICENSE file in the root directory of this source tree.
+import torch
+from openfold.model.triangular_attention import (
+ TriangleAttentionEndingNode,
+ TriangleAttentionStartingNode,
+)
+from openfold.model.triangular_multiplicative_update import (
+ TriangleMultiplicationIncoming,
+ TriangleMultiplicationOutgoing,
+)
+from torch import nn
+
+from esm.esmfold.v1.misc import (
+ Attention,
+ Dropout,
+ PairToSequence,
+ ResidueMLP,
+ SequenceToPair,
+)
+
+
+class TriangularSelfAttentionBlock(nn.Module):
+ def __init__(
+ self,
+ sequence_state_dim,
+ pairwise_state_dim,
+ sequence_head_width,
+ pairwise_head_width,
+ dropout=0,
+ **__kwargs,
+ ):
+ super().__init__()
+
+ assert sequence_state_dim % sequence_head_width == 0
+ assert pairwise_state_dim % pairwise_head_width == 0
+ sequence_num_heads = sequence_state_dim // sequence_head_width
+ pairwise_num_heads = pairwise_state_dim // pairwise_head_width
+ assert sequence_state_dim == sequence_num_heads * sequence_head_width
+ assert pairwise_state_dim == pairwise_num_heads * pairwise_head_width
+ assert pairwise_state_dim % 2 == 0
+
+ self.sequence_state_dim = sequence_state_dim
+ self.pairwise_state_dim = pairwise_state_dim
+
+ self.layernorm_1 = nn.LayerNorm(sequence_state_dim)
+
+ self.sequence_to_pair = SequenceToPair(
+ sequence_state_dim, pairwise_state_dim // 2, pairwise_state_dim
+ )
+ self.pair_to_sequence = PairToSequence(pairwise_state_dim, sequence_num_heads)
+
+ self.seq_attention = Attention(
+ sequence_state_dim, sequence_num_heads, sequence_head_width, gated=True
+ )
+ self.tri_mul_out = TriangleMultiplicationOutgoing(
+ pairwise_state_dim,
+ pairwise_state_dim,
+ )
+ self.tri_mul_in = TriangleMultiplicationIncoming(
+ pairwise_state_dim,
+ pairwise_state_dim,
+ )
+ self.tri_att_start = TriangleAttentionStartingNode(
+ pairwise_state_dim,
+ pairwise_head_width,
+ pairwise_num_heads,
+ inf=1e9,
+ ) # type: ignore
+ self.tri_att_end = TriangleAttentionEndingNode(
+ pairwise_state_dim,
+ pairwise_head_width,
+ pairwise_num_heads,
+ inf=1e9,
+ ) # type: ignore
+
+ self.mlp_seq = ResidueMLP(sequence_state_dim, 4 * sequence_state_dim, dropout=dropout)
+ self.mlp_pair = ResidueMLP(pairwise_state_dim, 4 * pairwise_state_dim, dropout=dropout)
+
+ assert dropout < 0.4
+ self.drop = nn.Dropout(dropout)
+ self.row_drop = Dropout(dropout * 2, 2)
+ self.col_drop = Dropout(dropout * 2, 1)
+
+ torch.nn.init.zeros_(self.tri_mul_in.linear_z.weight)
+ torch.nn.init.zeros_(self.tri_mul_in.linear_z.bias)
+ torch.nn.init.zeros_(self.tri_mul_out.linear_z.weight)
+ torch.nn.init.zeros_(self.tri_mul_out.linear_z.bias)
+ torch.nn.init.zeros_(self.tri_att_start.mha.linear_o.weight)
+ torch.nn.init.zeros_(self.tri_att_start.mha.linear_o.bias)
+ torch.nn.init.zeros_(self.tri_att_end.mha.linear_o.weight)
+ torch.nn.init.zeros_(self.tri_att_end.mha.linear_o.bias)
+
+ torch.nn.init.zeros_(self.sequence_to_pair.o_proj.weight)
+ torch.nn.init.zeros_(self.sequence_to_pair.o_proj.bias)
+ torch.nn.init.zeros_(self.pair_to_sequence.linear.weight)
+ torch.nn.init.zeros_(self.seq_attention.o_proj.weight)
+ torch.nn.init.zeros_(self.seq_attention.o_proj.bias)
+ torch.nn.init.zeros_(self.mlp_seq.mlp[-2].weight)
+ torch.nn.init.zeros_(self.mlp_seq.mlp[-2].bias)
+ torch.nn.init.zeros_(self.mlp_pair.mlp[-2].weight)
+ torch.nn.init.zeros_(self.mlp_pair.mlp[-2].bias)
+
+ def forward(self, sequence_state, pairwise_state, mask=None, chunk_size=None, **__kwargs):
+ """
+ Inputs:
+ sequence_state: B x L x sequence_state_dim
+ pairwise_state: B x L x L x pairwise_state_dim
+ mask: B x L boolean tensor of valid positions
+
+ Output:
+ sequence_state: B x L x sequence_state_dim
+ pairwise_state: B x L x L x pairwise_state_dim
+ """
+ assert len(sequence_state.shape) == 3
+ assert len(pairwise_state.shape) == 4
+ if mask is not None:
+ assert len(mask.shape) == 2
+
+ batch_dim, seq_dim, sequence_state_dim = sequence_state.shape
+ pairwise_state_dim = pairwise_state.shape[3]
+ assert sequence_state_dim == self.sequence_state_dim
+ assert pairwise_state_dim == self.pairwise_state_dim
+ assert batch_dim == pairwise_state.shape[0]
+ assert seq_dim == pairwise_state.shape[1]
+ assert seq_dim == pairwise_state.shape[2]
+
+ # Update sequence state
+ bias = self.pair_to_sequence(pairwise_state)
+
+ # Self attention with bias + mlp.
+ y = self.layernorm_1(sequence_state)
+ y, _ = self.seq_attention(y, mask=mask, bias=bias)
+ sequence_state = sequence_state + self.drop(y)
+ sequence_state = self.mlp_seq(sequence_state)
+
+ # Update pairwise state
+ pairwise_state = pairwise_state + self.sequence_to_pair(sequence_state)
+
+ # Axial attention with triangular bias.
+ tri_mask = mask.unsqueeze(2) * mask.unsqueeze(1) if mask is not None else None
+ pairwise_state = pairwise_state + self.row_drop(
+ self.tri_mul_out(pairwise_state, mask=tri_mask)
+ )
+ pairwise_state = pairwise_state + self.col_drop(
+ self.tri_mul_in(pairwise_state, mask=tri_mask)
+ )
+ pairwise_state = pairwise_state + self.row_drop(
+ self.tri_att_start(pairwise_state, mask=tri_mask, chunk_size=chunk_size)
+ )
+ pairwise_state = pairwise_state + self.col_drop(
+ self.tri_att_end(pairwise_state, mask=tri_mask, chunk_size=chunk_size)
+ )
+
+ # MLP over pairs.
+ pairwise_state = self.mlp_pair(pairwise_state)
+
+ return sequence_state, pairwise_state
diff --git a/esm/esmfold/v1/trunk.py b/esm/esmfold/v1/trunk.py
new file mode 100644
index 0000000000000000000000000000000000000000..9b5ee192203d8f673722023989c46523a1947678
--- /dev/null
+++ b/esm/esmfold/v1/trunk.py
@@ -0,0 +1,243 @@
+# Copyright (c) Meta Platforms, Inc. and affiliates.
+#
+# This source code is licensed under the MIT license found in the
+# LICENSE file in the root directory of this source tree.
+import typing as T
+from contextlib import ExitStack
+from dataclasses import dataclass
+
+import torch
+import torch.nn as nn
+from openfold.model.structure_module import StructureModule
+
+from esm.esmfold.v1.tri_self_attn_block import TriangularSelfAttentionBlock
+
+
+@dataclass
+class StructureModuleConfig:
+ c_s: int = 384
+ c_z: int = 128
+ c_ipa: int = 16
+ c_resnet: int = 128
+ no_heads_ipa: int = 12
+ no_qk_points: int = 4
+ no_v_points: int = 8
+ dropout_rate: float = 0.1
+ no_blocks: int = 8
+ no_transition_layers: int = 1
+ no_resnet_blocks: int = 2
+ no_angles: int = 7
+ trans_scale_factor: int = 10
+ epsilon: float = 1e-8
+ inf: float = 1e5
+
+
+@dataclass
+class FoldingTrunkConfig:
+ _name: str = "FoldingTrunkConfig"
+ num_blocks: int = 48
+ sequence_state_dim: int = 1024
+ pairwise_state_dim: int = 128
+ sequence_head_width: int = 32
+ pairwise_head_width: int = 32
+ position_bins: int = 32
+ dropout: float = 0
+ layer_drop: float = 0
+ cpu_grad_checkpoint: bool = False
+
+ max_recycles: int = 4
+ chunk_size: T.Optional[int] = None
+
+ structure_module: StructureModuleConfig = StructureModuleConfig()
+
+
+def get_axial_mask(mask):
+ """
+ Helper to convert B x L mask of valid positions to axial mask used
+ in row column attentions.
+
+ Input:
+ mask: B x L tensor of booleans
+
+ Output:
+ mask: B x L x L tensor of booleans
+ """
+
+ if mask is None:
+ return None
+ assert len(mask.shape) == 2
+ batch_dim, seq_dim = mask.shape
+ m = mask.unsqueeze(1).expand(batch_dim, seq_dim, seq_dim)
+ m = m.reshape(batch_dim * seq_dim, seq_dim)
+ return m
+
+
+class RelativePosition(nn.Module):
+ def __init__(self, bins, pairwise_state_dim):
+ super().__init__()
+ self.bins = bins
+
+ # Note an additional offset is used so that the 0th position
+ # is reserved for masked pairs.
+ self.embedding = torch.nn.Embedding(2 * bins + 2, pairwise_state_dim)
+
+ def forward(self, residue_index, mask=None):
+ """
+ Input:
+ residue_index: B x L tensor of indices (dytpe=torch.long)
+ mask: B x L tensor of booleans
+
+ Output:
+ pairwise_state: B x L x L x pairwise_state_dim tensor of embeddings
+ """
+
+ assert residue_index.dtype == torch.long
+ if mask is not None:
+ assert residue_index.shape == mask.shape
+
+ diff = residue_index[:, None, :] - residue_index[:, :, None]
+ diff = diff.clamp(-self.bins, self.bins)
+ diff = diff + self.bins + 1 # Add 1 to adjust for padding index.
+
+ if mask is not None:
+ mask = mask[:, None, :] * mask[:, :, None]
+ diff[mask == False] = 0
+
+ output = self.embedding(diff)
+ return output
+
+
+class FoldingTrunk(nn.Module):
+ def __init__(self, **kwargs):
+ super().__init__()
+ self.cfg = FoldingTrunkConfig(**kwargs)
+ assert self.cfg.max_recycles > 0
+
+ c_s = self.cfg.sequence_state_dim
+ c_z = self.cfg.pairwise_state_dim
+
+ assert c_s % self.cfg.sequence_head_width == 0
+ assert c_z % self.cfg.pairwise_head_width == 0
+ block = TriangularSelfAttentionBlock
+
+ self.pairwise_positional_embedding = RelativePosition(self.cfg.position_bins, c_z)
+
+ self.blocks = nn.ModuleList(
+ [
+ block(
+ sequence_state_dim=c_s,
+ pairwise_state_dim=c_z,
+ sequence_head_width=self.cfg.sequence_head_width,
+ pairwise_head_width=self.cfg.pairwise_head_width,
+ dropout=self.cfg.dropout,
+ )
+ for i in range(self.cfg.num_blocks)
+ ]
+ )
+
+ self.recycle_bins = 15
+ self.recycle_s_norm = nn.LayerNorm(c_s)
+ self.recycle_z_norm = nn.LayerNorm(c_z)
+ self.recycle_disto = nn.Embedding(self.recycle_bins, c_z)
+ self.recycle_disto.weight[0].detach().zero_()
+
+ self.structure_module = StructureModule(**self.cfg.structure_module) # type: ignore
+ self.trunk2sm_s = nn.Linear(c_s, self.structure_module.c_s)
+ self.trunk2sm_z = nn.Linear(c_z, self.structure_module.c_z)
+
+ self.chunk_size = self.cfg.chunk_size
+
+ def set_chunk_size(self, chunk_size):
+ # This parameter means the axial attention will be computed
+ # in a chunked manner. This should make the memory used more or less O(L) instead of O(L^2).
+ # It's equivalent to running a for loop over chunks of the dimension we're iterative over,
+ # where the chunk_size is the size of the chunks, so 128 would mean to parse 128-lengthed chunks.
+ self.chunk_size = chunk_size
+
+ def forward(self, seq_feats, pair_feats, true_aa, residx, mask, no_recycles: T.Optional[int] = None):
+ """
+ Inputs:
+ seq_feats: B x L x C tensor of sequence features
+ pair_feats: B x L x L x C tensor of pair features
+ residx: B x L long tensor giving the position in the sequence
+ mask: B x L boolean tensor indicating valid residues
+
+ Output:
+ predicted_structure: B x L x (num_atoms_per_residue * 3) tensor wrapped in a Coordinates object
+ """
+
+ device = seq_feats.device
+ s_s_0 = seq_feats
+ s_z_0 = pair_feats
+
+ if no_recycles is None:
+ no_recycles = self.cfg.max_recycles
+ else:
+ assert no_recycles >= 0, "Number of recycles must not be negative."
+ no_recycles += 1 # First 'recycle' is just the standard forward pass through the model.
+
+ def trunk_iter(s, z, residx, mask):
+ z = z + self.pairwise_positional_embedding(residx, mask=mask)
+
+ for block in self.blocks:
+ s, z = block(s, z, mask=mask, residue_index=residx, chunk_size=self.chunk_size)
+ return s, z
+
+ s_s = s_s_0
+ s_z = s_z_0
+ recycle_s = torch.zeros_like(s_s)
+ recycle_z = torch.zeros_like(s_z)
+ recycle_bins = torch.zeros(*s_z.shape[:-1], device=device, dtype=torch.int64)
+
+ assert no_recycles > 0
+ for recycle_idx in range(no_recycles):
+ with ExitStack() if recycle_idx == no_recycles - 1 else torch.no_grad():
+ # === Recycling ===
+ recycle_s = self.recycle_s_norm(recycle_s.detach())
+ recycle_z = self.recycle_z_norm(recycle_z.detach())
+ recycle_z += self.recycle_disto(recycle_bins.detach())
+
+ s_s, s_z = trunk_iter(s_s_0 + recycle_s, s_z_0 + recycle_z, residx, mask)
+
+ # === Structure module ===
+ structure = self.structure_module(
+ {"single": self.trunk2sm_s(s_s), "pair": self.trunk2sm_z(s_z)},
+ true_aa,
+ mask.float(),
+ )
+
+ recycle_s = s_s
+ recycle_z = s_z
+ # Distogram needs the N, CA, C coordinates, and bin constants same as alphafold.
+ recycle_bins = FoldingTrunk.distogram(
+ structure["positions"][-1][:, :, :3],
+ 3.375,
+ 21.375,
+ self.recycle_bins,
+ )
+
+ assert isinstance(structure, dict) # type: ignore
+ structure["s_s"] = s_s
+ structure["s_z"] = s_z
+
+ return structure
+
+ @staticmethod
+ def distogram(coords, min_bin, max_bin, num_bins):
+ # Coords are [... L x 3 x 3], where it's [N, CA, C] x 3 coordinates.
+ boundaries = torch.linspace(
+ min_bin,
+ max_bin,
+ num_bins - 1,
+ device=coords.device,
+ )
+ boundaries = boundaries**2
+ N, CA, C = [x.squeeze(-2) for x in coords.chunk(3, dim=-2)]
+ # Infer CB coordinates.
+ b = CA - N
+ c = C - CA
+ a = b.cross(c, dim=-1)
+ CB = -0.58273431 * a + 0.56802827 * b - 0.54067466 * c + CA
+ dists = (CB[..., None, :, :] - CB[..., :, None, :]).pow(2).sum(dim=-1, keepdims=True)
+ bins = torch.sum(dists > boundaries, dim=-1) # [..., L, L]
+ return bins
diff --git a/esm/inverse_folding/__init__.py b/esm/inverse_folding/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..332ed024c2680b429750443cad77b736acc79aad
--- /dev/null
+++ b/esm/inverse_folding/__init__.py
@@ -0,0 +1,11 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
+#
+# This source code is licensed under the MIT license found in the
+# LICENSE file in the root directory of this source tree.
+print("1")
+from . import gvp_transformer
+print("2")
+from . import util
+print("3")
+from . import multichain_util
+print("4")
diff --git a/esm/inverse_folding/features.py b/esm/inverse_folding/features.py
new file mode 100644
index 0000000000000000000000000000000000000000..fa069436bb42b9359de84761cae629f76c0600ba
--- /dev/null
+++ b/esm/inverse_folding/features.py
@@ -0,0 +1,356 @@
+# Copyright (c) Meta Platforms, Inc. and affiliates.
+#
+# This source code is licensed under the MIT license found in the
+# LICENSE file in the root directory of this source tree.
+#
+# Portions of this file were adapted from the open source code for the following
+# two papers:
+#
+# Ingraham, J., Garg, V., Barzilay, R., & Jaakkola, T. (2019). Generative
+# models for graph-based protein design. Advances in Neural Information
+# Processing Systems, 32.
+#
+# Jing, B., Eismann, S., Suriana, P., Townshend, R. J. L., & Dror, R. (2020).
+# Learning from Protein Structure with Geometric Vector Perceptrons. In
+# International Conference on Learning Representations.
+#
+# MIT License
+#
+# Copyright (c) 2020 Bowen Jing, Stephan Eismann, Patricia Suriana, Raphael Townshend, Ron Dror
+#
+# Permission is hereby granted, free of charge, to any person obtaining a copy
+# of this software and associated documentation files (the "Software"), to deal
+# in the Software without restriction, including without limitation the rights
+# to use, copy, modify, merge, publish, distribute, sublicense, and/or sell
+# copies of the Software, and to permit persons to whom the Software is
+# furnished to do so, subject to the following conditions:
+#
+# The above copyright notice and this permission notice shall be included in all
+# copies or substantial portions of the Software.
+#
+# THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR
+# IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,
+# FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE
+# AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER
+# LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,
+# OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE
+# SOFTWARE.
+#
+# ================================================================
+# The below license applies to the portions of the code (parts of
+# src/datasets.py and src/models.py) adapted from Ingraham, et al.
+# ================================================================
+#
+# MIT License
+#
+# Copyright (c) 2019 John Ingraham, Vikas Garg, Regina Barzilay, Tommi Jaakkola
+#
+# Permission is hereby granted, free of charge, to any person obtaining a copy
+# of this software and associated documentation files (the "Software"), to deal
+# in the Software without restriction, including without limitation the rights
+# to use, copy, modify, merge, publish, distribute, sublicense, and/or sell
+# copies of the Software, and to permit persons to whom the Software is
+# furnished to do so, subject to the following conditions:
+#
+# The above copyright notice and this permission notice shall be included in all
+# copies or substantial portions of the Software.
+#
+# THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR
+# IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,
+# FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE
+# AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER
+# LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,
+# OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE
+# SOFTWARE.
+
+import math
+import numpy as np
+import torch
+import torch.nn as nn
+import torch.nn.functional as F
+
+print("features1")
+from .gvp_utils import flatten_graph
+print("features2")
+from .gvp_modules import GVP, LayerNorm
+print("features3")
+from .util import normalize, norm, nan_to_num, rbf
+print("features4")
+
+
+class GVPInputFeaturizer(nn.Module):
+
+ @staticmethod
+ def get_node_features(coords, coord_mask, with_coord_mask=True):
+ # scalar features
+ node_scalar_features = GVPInputFeaturizer._dihedrals(coords)
+ if with_coord_mask:
+ node_scalar_features = torch.cat([
+ node_scalar_features,
+ coord_mask.float().unsqueeze(-1)
+ ], dim=-1)
+ # vector features
+ X_ca = coords[:, :, 1]
+ orientations = GVPInputFeaturizer._orientations(X_ca)
+ sidechains = GVPInputFeaturizer._sidechains(coords)
+ node_vector_features = torch.cat([orientations, sidechains.unsqueeze(-2)], dim=-2)
+ return node_scalar_features, node_vector_features
+
+ @staticmethod
+ def _orientations(X):
+ forward = normalize(X[:, 1:] - X[:, :-1])
+ backward = normalize(X[:, :-1] - X[:, 1:])
+ forward = F.pad(forward, [0, 0, 0, 1])
+ backward = F.pad(backward, [0, 0, 1, 0])
+ return torch.cat([forward.unsqueeze(-2), backward.unsqueeze(-2)], -2)
+
+ @staticmethod
+ def _sidechains(X):
+ n, origin, c = X[:, :, 0], X[:, :, 1], X[:, :, 2]
+ c, n = normalize(c - origin), normalize(n - origin)
+ bisector = normalize(c + n)
+ perp = normalize(torch.cross(c, n, dim=-1))
+ vec = -bisector * math.sqrt(1 / 3) - perp * math.sqrt(2 / 3)
+ return vec
+
+ @staticmethod
+ def _dihedrals(X, eps=1e-7):
+ X = torch.flatten(X[:, :, :3], 1, 2)
+ bsz = X.shape[0]
+ dX = X[:, 1:] - X[:, :-1]
+ U = normalize(dX, dim=-1)
+ u_2 = U[:, :-2]
+ u_1 = U[:, 1:-1]
+ u_0 = U[:, 2:]
+
+ # Backbone normals
+ n_2 = normalize(torch.cross(u_2, u_1, dim=-1), dim=-1)
+ n_1 = normalize(torch.cross(u_1, u_0, dim=-1), dim=-1)
+
+ # Angle between normals
+ cosD = torch.sum(n_2 * n_1, -1)
+ cosD = torch.clamp(cosD, -1 + eps, 1 - eps)
+ D = torch.sign(torch.sum(u_2 * n_1, -1)) * torch.acos(cosD)
+
+ # This scheme will remove phi[0], psi[-1], omega[-1]
+ D = F.pad(D, [1, 2])
+ D = torch.reshape(D, [bsz, -1, 3])
+ # Lift angle representations to the circle
+ D_features = torch.cat([torch.cos(D), torch.sin(D)], -1)
+ return D_features
+
+ @staticmethod
+ def _positional_embeddings(edge_index,
+ num_embeddings=None,
+ num_positional_embeddings=16,
+ period_range=[2, 1000]):
+ # From https://github.com/jingraham/neurips19-graph-protein-design
+ num_embeddings = num_embeddings or num_positional_embeddings
+ d = edge_index[0] - edge_index[1]
+
+ frequency = torch.exp(
+ torch.arange(0, num_embeddings, 2, dtype=torch.float32,
+ device=edge_index.device)
+ * -(np.log(10000.0) / num_embeddings)
+ )
+ angles = d.unsqueeze(-1) * frequency
+ E = torch.cat((torch.cos(angles), torch.sin(angles)), -1)
+ return E
+
+ @staticmethod
+ def _dist(X, coord_mask, padding_mask, top_k_neighbors, eps=1e-8):
+ """ Pairwise euclidean distances """
+ bsz, maxlen = X.size(0), X.size(1)
+ coord_mask_2D = torch.unsqueeze(coord_mask,1) * torch.unsqueeze(coord_mask,2)
+ residue_mask = ~padding_mask
+ residue_mask_2D = torch.unsqueeze(residue_mask,1) * torch.unsqueeze(residue_mask,2)
+ dX = torch.unsqueeze(X,1) - torch.unsqueeze(X,2)
+ D = coord_mask_2D * norm(dX, dim=-1)
+
+ # sorting preference: first those with coords, then among the residues that
+ # exist but are masked use distance in sequence as tie breaker, and then the
+ # residues that came from padding are last
+ seqpos = torch.arange(maxlen, device=X.device)
+ Dseq = torch.abs(seqpos.unsqueeze(1) - seqpos.unsqueeze(0)).repeat(bsz, 1, 1)
+ D_adjust = nan_to_num(D) + (~coord_mask_2D) * (1e8 + Dseq*1e6) + (
+ ~residue_mask_2D) * (1e10)
+
+ if top_k_neighbors == -1:
+ D_neighbors = D_adjust
+ E_idx = seqpos.repeat(
+ *D_neighbors.shape[:-1], 1)
+ else:
+ # Identify k nearest neighbors (including self)
+ k = min(top_k_neighbors, X.size(1))
+ D_neighbors, E_idx = torch.topk(D_adjust, k, dim=-1, largest=False)
+
+ coord_mask_neighbors = (D_neighbors < 5e7)
+ residue_mask_neighbors = (D_neighbors < 5e9)
+ return D_neighbors, E_idx, coord_mask_neighbors, residue_mask_neighbors
+
+
+class Normalize(nn.Module):
+ def __init__(self, features, epsilon=1e-6):
+ super(Normalize, self).__init__()
+ self.gain = nn.Parameter(torch.ones(features))
+ self.bias = nn.Parameter(torch.zeros(features))
+ self.epsilon = epsilon
+
+ def forward(self, x, dim=-1):
+ mu = x.mean(dim, keepdim=True)
+ sigma = torch.sqrt(x.var(dim, keepdim=True) + self.epsilon)
+ gain = self.gain
+ bias = self.bias
+ # Reshape
+ if dim != -1:
+ shape = [1] * len(mu.size())
+ shape[dim] = self.gain.size()[0]
+ gain = gain.view(shape)
+ bias = bias.view(shape)
+ return gain * (x - mu) / (sigma + self.epsilon) + bias
+
+
+class DihedralFeatures(nn.Module):
+ def __init__(self, node_embed_dim):
+ """ Embed dihedral angle features. """
+ super(DihedralFeatures, self).__init__()
+ # 3 dihedral angles; sin and cos of each angle
+ node_in = 6
+ # Normalization and embedding
+ self.node_embedding = nn.Linear(node_in, node_embed_dim, bias=True)
+ self.norm_nodes = Normalize(node_embed_dim)
+
+ def forward(self, X):
+ """ Featurize coordinates as an attributed graph """
+ V = self._dihedrals(X)
+ V = self.node_embedding(V)
+ V = self.norm_nodes(V)
+ return V
+
+ @staticmethod
+ def _dihedrals(X, eps=1e-7, return_angles=False):
+ # First 3 coordinates are N, CA, C
+ X = X[:,:,:3,:].reshape(X.shape[0], 3*X.shape[1], 3)
+
+ # Shifted slices of unit vectors
+ dX = X[:,1:,:] - X[:,:-1,:]
+ U = F.normalize(dX, dim=-1)
+ u_2 = U[:,:-2,:]
+ u_1 = U[:,1:-1,:]
+ u_0 = U[:,2:,:]
+ # Backbone normals
+ n_2 = F.normalize(torch.cross(u_2, u_1, dim=-1), dim=-1)
+ n_1 = F.normalize(torch.cross(u_1, u_0, dim=-1), dim=-1)
+
+ # Angle between normals
+ cosD = (n_2 * n_1).sum(-1)
+ cosD = torch.clamp(cosD, -1+eps, 1-eps)
+ D = torch.sign((u_2 * n_1).sum(-1)) * torch.acos(cosD)
+
+ # This scheme will remove phi[0], psi[-1], omega[-1]
+ D = F.pad(D, (1,2), 'constant', 0)
+ D = D.view((D.size(0), int(D.size(1)/3), 3))
+ phi, psi, omega = torch.unbind(D,-1)
+
+ if return_angles:
+ return phi, psi, omega
+
+ # Lift angle representations to the circle
+ D_features = torch.cat((torch.cos(D), torch.sin(D)), 2)
+ return D_features
+
+
+class GVPGraphEmbedding(GVPInputFeaturizer):
+
+ def __init__(self, args):
+ super().__init__()
+ self.top_k_neighbors = args.top_k_neighbors
+ self.num_positional_embeddings = 16
+ self.remove_edges_without_coords = True
+ node_input_dim = (7, 3)
+ edge_input_dim = (34, 1)
+ node_hidden_dim = (args.node_hidden_dim_scalar,
+ args.node_hidden_dim_vector)
+ edge_hidden_dim = (args.edge_hidden_dim_scalar,
+ args.edge_hidden_dim_vector)
+ self.embed_node = nn.Sequential(
+ GVP(node_input_dim, node_hidden_dim, activations=(None, None)),
+ LayerNorm(node_hidden_dim, eps=1e-4)
+ )
+ self.embed_edge = nn.Sequential(
+ GVP(edge_input_dim, edge_hidden_dim, activations=(None, None)),
+ LayerNorm(edge_hidden_dim, eps=1e-4)
+ )
+ self.embed_confidence = nn.Linear(16, args.node_hidden_dim_scalar)
+
+ def forward(self, coords, coord_mask, padding_mask, confidence):
+ with torch.no_grad():
+ node_features = self.get_node_features(coords, coord_mask)
+ edge_features, edge_index = self.get_edge_features(
+ coords, coord_mask, padding_mask)
+ node_embeddings_scalar, node_embeddings_vector = self.embed_node(node_features)
+ edge_embeddings = self.embed_edge(edge_features)
+
+ rbf_rep = rbf(confidence, 0., 1.)
+ node_embeddings = (
+ node_embeddings_scalar + self.embed_confidence(rbf_rep),
+ node_embeddings_vector
+ )
+
+ node_embeddings, edge_embeddings, edge_index = flatten_graph(
+ node_embeddings, edge_embeddings, edge_index)
+ return node_embeddings, edge_embeddings, edge_index
+
+ def get_edge_features(self, coords, coord_mask, padding_mask):
+ X_ca = coords[:, :, 1]
+ # Get distances to the top k neighbors
+ E_dist, E_idx, E_coord_mask, E_residue_mask = GVPInputFeaturizer._dist(
+ X_ca, coord_mask, padding_mask, self.top_k_neighbors)
+ # Flatten the graph to be batch size 1 for torch_geometric package
+ dest = E_idx
+ B, L, k = E_idx.shape[:3]
+ src = torch.arange(L, device=E_idx.device).view([1, L, 1]).expand(B, L, k)
+ # After flattening, [2, B, E]
+ edge_index = torch.stack([src, dest], dim=0).flatten(2, 3)
+ # After flattening, [B, E]
+ E_dist = E_dist.flatten(1, 2)
+ E_coord_mask = E_coord_mask.flatten(1, 2).unsqueeze(-1)
+ E_residue_mask = E_residue_mask.flatten(1, 2)
+ # Calculate relative positional embeddings and distance RBF
+ pos_embeddings = GVPInputFeaturizer._positional_embeddings(
+ edge_index,
+ num_positional_embeddings=self.num_positional_embeddings,
+ )
+ D_rbf = rbf(E_dist, 0., 20.)
+ # Calculate relative orientation
+ X_src = X_ca.unsqueeze(2).expand(-1, -1, k, -1).flatten(1, 2)
+ X_dest = torch.gather(
+ X_ca,
+ 1,
+ edge_index[1, :, :].unsqueeze(-1).expand([B, L*k, 3])
+ )
+ coord_mask_src = coord_mask.unsqueeze(2).expand(-1, -1, k).flatten(1, 2)
+ coord_mask_dest = torch.gather(
+ coord_mask,
+ 1,
+ edge_index[1, :, :].expand([B, L*k])
+ )
+ E_vectors = X_src - X_dest
+ # For the ones without coordinates, substitute in the average vector
+ E_vector_mean = torch.sum(E_vectors * E_coord_mask, dim=1,
+ keepdims=True) / torch.sum(E_coord_mask, dim=1, keepdims=True)
+ E_vectors = E_vectors * E_coord_mask + E_vector_mean * ~(E_coord_mask)
+ # Normalize and remove nans
+ edge_s = torch.cat([D_rbf, pos_embeddings], dim=-1)
+ edge_v = normalize(E_vectors).unsqueeze(-2)
+ edge_s, edge_v = map(nan_to_num, (edge_s, edge_v))
+ # Also add indications of whether the coordinates are present
+ edge_s = torch.cat([
+ edge_s,
+ (~coord_mask_src).float().unsqueeze(-1),
+ (~coord_mask_dest).float().unsqueeze(-1),
+ ], dim=-1)
+ edge_index[:, ~E_residue_mask] = -1
+ if self.remove_edges_without_coords:
+ edge_index[:, ~E_coord_mask.squeeze(-1)] = -1
+ return (edge_s, edge_v), edge_index.transpose(0, 1)
diff --git a/esm/inverse_folding/gvp_encoder.py b/esm/inverse_folding/gvp_encoder.py
new file mode 100644
index 0000000000000000000000000000000000000000..a565201090624b71c272c9e23b58feb7f1cca30d
--- /dev/null
+++ b/esm/inverse_folding/gvp_encoder.py
@@ -0,0 +1,56 @@
+# Copyright (c) Meta Platforms, Inc. and affiliates.
+#
+# This source code is licensed under the MIT license found in the
+# LICENSE file in the root directory of this source tree.
+
+from argparse import Namespace
+
+import torch
+import torch.nn as nn
+import torch.nn.functional as F
+
+from .features import GVPGraphEmbedding
+from .gvp_modules import GVPConvLayer, LayerNorm
+from .gvp_utils import unflatten_graph
+
+
+
+class GVPEncoder(nn.Module):
+
+ def __init__(self, args):
+ super().__init__()
+ self.args = args
+ self.embed_graph = GVPGraphEmbedding(args)
+
+ node_hidden_dim = (args.node_hidden_dim_scalar,
+ args.node_hidden_dim_vector)
+ edge_hidden_dim = (args.edge_hidden_dim_scalar,
+ args.edge_hidden_dim_vector)
+
+ conv_activations = (F.relu, torch.sigmoid)
+ self.encoder_layers = nn.ModuleList(
+ GVPConvLayer(
+ node_hidden_dim,
+ edge_hidden_dim,
+ drop_rate=args.dropout,
+ vector_gate=True,
+ attention_heads=0,
+ n_message=3,
+ conv_activations=conv_activations,
+ n_edge_gvps=0,
+ eps=1e-4,
+ layernorm=True,
+ )
+ for i in range(args.num_encoder_layers)
+ )
+
+ def forward(self, coords, coord_mask, padding_mask, confidence):
+ node_embeddings, edge_embeddings, edge_index = self.embed_graph(
+ coords, coord_mask, padding_mask, confidence)
+
+ for i, layer in enumerate(self.encoder_layers):
+ node_embeddings, edge_embeddings = layer(node_embeddings,
+ edge_index, edge_embeddings)
+
+ node_embeddings = unflatten_graph(node_embeddings, coords.shape[0])
+ return node_embeddings
diff --git a/esm/inverse_folding/gvp_modules.py b/esm/inverse_folding/gvp_modules.py
new file mode 100644
index 0000000000000000000000000000000000000000..37a8af6960c400ccadb55ad8dd23a8cd6274eefc
--- /dev/null
+++ b/esm/inverse_folding/gvp_modules.py
@@ -0,0 +1,475 @@
+# Contents of this file are from the open source code for
+#
+# Jing, B., Eismann, S., Suriana, P., Townshend, R. J. L., & Dror, R. (2020).
+# Learning from Protein Structure with Geometric Vector Perceptrons. In
+# International Conference on Learning Representations.
+#
+# MIT License
+#
+# Copyright (c) 2020 Bowen Jing, Stephan Eismann, Patricia Suriana, Raphael Townshend, Ron Dror
+#
+# Permission is hereby granted, free of charge, to any person obtaining a copy
+# of this software and associated documentation files (the "Software"), to deal
+# in the Software without restriction, including without limitation the rights
+# to use, copy, modify, merge, publish, distribute, sublicense, and/or sell
+# copies of the Software, and to permit persons to whom the Software is
+# furnished to do so, subject to the following conditions:
+#
+# The above copyright notice and this permission notice shall be included in all
+# copies or substantial portions of the Software.
+#
+# THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR
+# IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,
+# FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE
+# AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER
+# LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,
+# OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE
+# SOFTWARE.
+
+import typing as T
+import torch
+from torch import nn
+import torch.nn.functional as F
+print("gvp_module1")
+from torch_geometric.nn import MessagePassing
+print("gvp_module2")
+from torch_scatter import scatter_add, scatter
+
+def tuple_size(tp):
+ return tuple([0 if a is None else a.size() for a in tp])
+
+def tuple_sum(tp1, tp2):
+ s1, v1 = tp1
+ s2, v2 = tp2
+ if v2 is None and v2 is None:
+ return (s1 + s2, None)
+ return (s1 + s2, v1 + v2)
+
+def tuple_cat(*args, dim=-1):
+ '''
+ Concatenates any number of tuples (s, V) elementwise.
+
+ :param dim: dimension along which to concatenate when viewed
+ as the `dim` index for the scalar-channel tensors.
+ This means that `dim=-1` will be applied as
+ `dim=-2` for the vector-channel tensors.
+ '''
+ dim %= len(args[0][0].shape)
+ s_args, v_args = list(zip(*args))
+ return torch.cat(s_args, dim=dim), torch.cat(v_args, dim=dim)
+
+def tuple_index(x, idx):
+ '''
+ Indexes into a tuple (s, V) along the first dimension.
+
+ :param idx: any object which can be used to index into a `torch.Tensor`
+ '''
+ return x[0][idx], x[1][idx]
+
+def randn(n, dims, device="cpu"):
+ '''
+ Returns random tuples (s, V) drawn elementwise from a normal distribution.
+
+ :param n: number of data points
+ :param dims: tuple of dimensions (n_scalar, n_vector)
+
+ :return: (s, V) with s.shape = (n, n_scalar) and
+ V.shape = (n, n_vector, 3)
+ '''
+ return torch.randn(n, dims[0], device=device), \
+ torch.randn(n, dims[1], 3, device=device)
+
+def _norm_no_nan(x, axis=-1, keepdims=False, eps=1e-8, sqrt=True):
+ '''
+ L2 norm of tensor clamped above a minimum value `eps`.
+
+ :param sqrt: if `False`, returns the square of the L2 norm
+ '''
+ # clamp is slow
+ # out = torch.clamp(torch.sum(torch.square(x), axis, keepdims), min=eps)
+ out = torch.sum(torch.square(x), axis, keepdims) + eps
+ return torch.sqrt(out) if sqrt else out
+
+def _split(x, nv):
+ '''
+ Splits a merged representation of (s, V) back into a tuple.
+ Should be used only with `_merge(s, V)` and only if the tuple
+ representation cannot be used.
+
+ :param x: the `torch.Tensor` returned from `_merge`
+ :param nv: the number of vector channels in the input to `_merge`
+ '''
+ v = torch.reshape(x[..., -3*nv:], x.shape[:-1] + (nv, 3))
+ s = x[..., :-3*nv]
+ return s, v
+
+def _merge(s, v):
+ '''
+ Merges a tuple (s, V) into a single `torch.Tensor`, where the
+ vector channels are flattened and appended to the scalar channels.
+ Should be used only if the tuple representation cannot be used.
+ Use `_split(x, nv)` to reverse.
+ '''
+ v = torch.reshape(v, v.shape[:-2] + (3*v.shape[-2],))
+ return torch.cat([s, v], -1)
+
+class GVP(nn.Module):
+ '''
+ Geometric Vector Perceptron. See manuscript and README.md
+ for more details.
+
+ :param in_dims: tuple (n_scalar, n_vector)
+ :param out_dims: tuple (n_scalar, n_vector)
+ :param h_dim: intermediate number of vector channels, optional
+ :param activations: tuple of functions (scalar_act, vector_act)
+ :param tuple_io: whether to keep accepting tuple inputs and outputs when vi
+ or vo = 0
+ '''
+ def __init__(self, in_dims, out_dims, h_dim=None, vector_gate=False,
+ activations=(F.relu, torch.sigmoid), tuple_io=True,
+ eps=1e-8):
+ super(GVP, self).__init__()
+ self.si, self.vi = in_dims
+ self.so, self.vo = out_dims
+ self.tuple_io = tuple_io
+ if self.vi:
+ self.h_dim = h_dim or max(self.vi, self.vo)
+ self.wh = nn.Linear(self.vi, self.h_dim, bias=False)
+ self.ws = nn.Linear(self.h_dim + self.si, self.so)
+ if self.vo:
+ self.wv = nn.Linear(self.h_dim, self.vo, bias=False)
+ if vector_gate:
+ self.wg = nn.Linear(self.so, self.vo)
+ else:
+ self.ws = nn.Linear(self.si, self.so)
+
+ self.vector_gate = vector_gate
+ self.scalar_act, self.vector_act = activations
+ self.eps = eps
+
+ def forward(self, x):
+ '''
+ :param x: tuple (s, V) of `torch.Tensor`,
+ or (if vectors_in is 0), a single `torch.Tensor`
+ :return: tuple (s, V) of `torch.Tensor`,
+ or (if vectors_out is 0), a single `torch.Tensor`
+ '''
+ if self.vi:
+ s, v = x
+ v = torch.transpose(v, -1, -2)
+ vh = self.wh(v)
+ vn = _norm_no_nan(vh, axis=-2, eps=self.eps)
+ s = self.ws(torch.cat([s, vn], -1))
+ if self.scalar_act:
+ s = self.scalar_act(s)
+ if self.vo:
+ v = self.wv(vh)
+ v = torch.transpose(v, -1, -2)
+ if self.vector_gate:
+ g = self.wg(s).unsqueeze(-1)
+ else:
+ g = _norm_no_nan(v, axis=-1, keepdims=True, eps=self.eps)
+ if self.vector_act:
+ g = self.vector_act(g)
+ v = v * g
+ else:
+ if self.tuple_io:
+ assert x[1] is None
+ x = x[0]
+ s = self.ws(x)
+ if self.scalar_act:
+ s = self.scalar_act(s)
+ if self.vo:
+ v = torch.zeros(list(s.shape)[:-1] + [self.vo, 3],
+ device=s.device)
+
+ if self.vo:
+ return (s, v)
+ elif self.tuple_io:
+ return (s, None)
+ else:
+ return s
+
+
+class _VDropout(nn.Module):
+ '''
+ Vector channel dropout where the elements of each
+ vector channel are dropped together.
+ '''
+ def __init__(self, drop_rate):
+ super(_VDropout, self).__init__()
+ self.drop_rate = drop_rate
+
+ def forward(self, x):
+ '''
+ :param x: `torch.Tensor` corresponding to vector channels
+ '''
+ if x is None:
+ return None
+ device = x.device
+ if not self.training:
+ return x
+ mask = torch.bernoulli(
+ (1 - self.drop_rate) * torch.ones(x.shape[:-1], device=device)
+ ).unsqueeze(-1)
+ x = mask * x / (1 - self.drop_rate)
+ return x
+
+class Dropout(nn.Module):
+ '''
+ Combined dropout for tuples (s, V).
+ Takes tuples (s, V) as input and as output.
+ '''
+ def __init__(self, drop_rate):
+ super(Dropout, self).__init__()
+ self.sdropout = nn.Dropout(drop_rate)
+ self.vdropout = _VDropout(drop_rate)
+
+ def forward(self, x):
+ '''
+ :param x: tuple (s, V) of `torch.Tensor`,
+ or single `torch.Tensor`
+ (will be assumed to be scalar channels)
+ '''
+ if type(x) is torch.Tensor:
+ return self.sdropout(x)
+ s, v = x
+ return self.sdropout(s), self.vdropout(v)
+
+class LayerNorm(nn.Module):
+ '''
+ Combined LayerNorm for tuples (s, V).
+ Takes tuples (s, V) as input and as output.
+ '''
+ def __init__(self, dims, tuple_io=True, eps=1e-8):
+ super(LayerNorm, self).__init__()
+ self.tuple_io = tuple_io
+ self.s, self.v = dims
+ self.scalar_norm = nn.LayerNorm(self.s)
+ self.eps = eps
+
+ def forward(self, x):
+ '''
+ :param x: tuple (s, V) of `torch.Tensor`,
+ or single `torch.Tensor`
+ (will be assumed to be scalar channels)
+ '''
+ if not self.v:
+ if self.tuple_io:
+ return self.scalar_norm(x[0]), None
+ return self.scalar_norm(x)
+ s, v = x
+ vn = _norm_no_nan(v, axis=-1, keepdims=True, sqrt=False, eps=self.eps)
+ nonzero_mask = (vn > 2 * self.eps)
+ vn = torch.sum(vn * nonzero_mask, dim=-2, keepdim=True
+ ) / (self.eps + torch.sum(nonzero_mask, dim=-2, keepdim=True))
+ vn = torch.sqrt(vn + self.eps)
+ v = nonzero_mask * (v / vn)
+ return self.scalar_norm(s), v
+
+class GVPConv(MessagePassing):
+ '''
+ Graph convolution / message passing with Geometric Vector Perceptrons.
+ Takes in a graph with node and edge embeddings,
+ and returns new node embeddings.
+
+ This does NOT do residual updates and pointwise feedforward layers
+ ---see `GVPConvLayer`.
+
+ :param in_dims: input node embedding dimensions (n_scalar, n_vector)
+ :param out_dims: output node embedding dimensions (n_scalar, n_vector)
+ :param edge_dims: input edge embedding dimensions (n_scalar, n_vector)
+ :param n_layers: number of GVPs in the message function
+ :param module_list: preconstructed message function, overrides n_layers
+ :param aggr: should be "add" if some incoming edges are masked, as in
+ a masked autoregressive decoder architecture
+ '''
+ def __init__(self, in_dims, out_dims, edge_dims, n_layers=3,
+ vector_gate=False, module_list=None, aggr="mean", eps=1e-8,
+ activations=(F.relu, torch.sigmoid)):
+ super(GVPConv, self).__init__(aggr=aggr)
+ self.eps = eps
+ self.si, self.vi = in_dims
+ self.so, self.vo = out_dims
+ self.se, self.ve = edge_dims
+
+ module_list = module_list or []
+ if not module_list:
+ if n_layers == 1:
+ module_list.append(
+ GVP((2*self.si + self.se, 2*self.vi + self.ve),
+ (self.so, self.vo), activations=(None, None)))
+ else:
+ module_list.append(
+ GVP((2*self.si + self.se, 2*self.vi + self.ve), out_dims,
+ vector_gate=vector_gate, activations=activations)
+ )
+ for i in range(n_layers - 2):
+ module_list.append(GVP(out_dims, out_dims,
+ vector_gate=vector_gate))
+ module_list.append(GVP(out_dims, out_dims,
+ activations=(None, None)))
+ self.message_func = nn.Sequential(*module_list)
+
+ def forward(self, x, edge_index, edge_attr):
+ '''
+ :param x: tuple (s, V) of `torch.Tensor`
+ :param edge_index: array of shape [2, n_edges]
+ :param edge_attr: tuple (s, V) of `torch.Tensor`
+ '''
+ x_s, x_v = x
+ message = self.propagate(edge_index,
+ s=x_s, v=x_v.reshape(x_v.shape[0], 3*x_v.shape[1]),
+ edge_attr=edge_attr)
+ return _split(message, self.vo)
+
+ def message(self, s_i, v_i, s_j, v_j, edge_attr):
+ v_j = v_j.view(v_j.shape[0], v_j.shape[1]//3, 3)
+ v_i = v_i.view(v_i.shape[0], v_i.shape[1]//3, 3)
+ message = tuple_cat((s_j, v_j), edge_attr, (s_i, v_i))
+ message = self.message_func(message)
+ return _merge(*message)
+
+
+class GVPConvLayer(nn.Module):
+ '''
+ Full graph convolution / message passing layer with
+ Geometric Vector Perceptrons. Residually updates node embeddings with
+ aggregated incoming messages, applies a pointwise feedforward
+ network to node embeddings, and returns updated node embeddings.
+
+ To only compute the aggregated messages, see `GVPConv`.
+
+ :param node_dims: node embedding dimensions (n_scalar, n_vector)
+ :param edge_dims: input edge embedding dimensions (n_scalar, n_vector)
+ :param n_message: number of GVPs to use in message function
+ :param n_feedforward: number of GVPs to use in feedforward function
+ :param drop_rate: drop probability in all dropout layers
+ :param autoregressive: if `True`, this `GVPConvLayer` will be used
+ with a different set of input node embeddings for messages
+ where src >= dst
+ '''
+ def __init__(self, node_dims, edge_dims, vector_gate=False,
+ n_message=3, n_feedforward=2, drop_rate=.1,
+ autoregressive=False, attention_heads=0,
+ conv_activations=(F.relu, torch.sigmoid),
+ n_edge_gvps=0, layernorm=True, eps=1e-8):
+
+ super(GVPConvLayer, self).__init__()
+ if attention_heads == 0:
+ self.conv = GVPConv(
+ node_dims, node_dims, edge_dims, n_layers=n_message,
+ vector_gate=vector_gate,
+ aggr="add" if autoregressive else "mean",
+ activations=conv_activations,
+ eps=eps,
+ )
+ else:
+ raise NotImplementedError
+ if layernorm:
+ self.norm = nn.ModuleList([LayerNorm(node_dims, eps=eps) for _ in range(2)])
+ else:
+ self.norm = nn.ModuleList([nn.Identity() for _ in range(2)])
+ self.dropout = nn.ModuleList([Dropout(drop_rate) for _ in range(2)])
+
+ ff_func = []
+ if n_feedforward == 1:
+ ff_func.append(GVP(node_dims, node_dims, activations=(None, None)))
+ else:
+ hid_dims = 4*node_dims[0], 2*node_dims[1]
+ ff_func.append(GVP(node_dims, hid_dims, vector_gate=vector_gate))
+ for i in range(n_feedforward-2):
+ ff_func.append(GVP(hid_dims, hid_dims, vector_gate=vector_gate))
+ ff_func.append(GVP(hid_dims, node_dims, activations=(None, None)))
+ self.ff_func = nn.Sequential(*ff_func)
+
+ self.edge_message_func = None
+ if n_edge_gvps > 0:
+ si, vi = node_dims
+ se, ve = edge_dims
+ module_list = [
+ GVP((2*si + se, 2*vi + ve), edge_dims, vector_gate=vector_gate)
+ ]
+ for i in range(n_edge_gvps - 2):
+ module_list.append(GVP(edge_dims, edge_dims,
+ vector_gate=vector_gate))
+ if n_edge_gvps > 1:
+ module_list.append(GVP(edge_dims, edge_dims,
+ activations=(None, None)))
+ self.edge_message_func = nn.Sequential(*module_list)
+ if layernorm:
+ self.edge_norm = LayerNorm(edge_dims, eps=eps)
+ else:
+ self.edge_norm = nn.Identity()
+ self.edge_dropout = Dropout(drop_rate)
+
+ def forward(self, x, edge_index, edge_attr,
+ autoregressive_x=None, node_mask=None):
+ '''
+ :param x: tuple (s, V) of `torch.Tensor`
+ :param edge_index: array of shape [2, n_edges]
+ :param edge_attr: tuple (s, V) of `torch.Tensor`
+ :param autoregressive_x: tuple (s, V) of `torch.Tensor`.
+ If not `None`, will be used as srcqq node embeddings
+ for forming messages where src >= dst. The corrent node
+ embeddings `x` will still be the base of the update and the
+ pointwise feedforward.
+ :param node_mask: array of type `bool` to index into the first
+ dim of node embeddings (s, V). If not `None`, only
+ these nodes will be updated.
+ '''
+ if self.edge_message_func:
+ src, dst = edge_index
+ if autoregressive_x is None:
+ x_src = x[0][src], x[1][src]
+ else:
+ mask = (src < dst).unsqueeze(-1)
+ x_src = (
+ torch.where(mask, x[0][src], autoregressive_x[0][src]),
+ torch.where(mask.unsqueeze(-1), x[1][src],
+ autoregressive_x[1][src])
+ )
+ x_dst = x[0][dst], x[1][dst]
+ x_edge = (
+ torch.cat([x_src[0], edge_attr[0], x_dst[0]], dim=-1),
+ torch.cat([x_src[1], edge_attr[1], x_dst[1]], dim=-2)
+ )
+ edge_attr_dh = self.edge_message_func(x_edge)
+ edge_attr = self.edge_norm(tuple_sum(edge_attr,
+ self.edge_dropout(edge_attr_dh)))
+
+ if autoregressive_x is not None:
+ src, dst = edge_index
+ mask = src < dst
+ edge_index_forward = edge_index[:, mask]
+ edge_index_backward = edge_index[:, ~mask]
+ edge_attr_forward = tuple_index(edge_attr, mask)
+ edge_attr_backward = tuple_index(edge_attr, ~mask)
+
+ dh = tuple_sum(
+ self.conv(x, edge_index_forward, edge_attr_forward),
+ self.conv(autoregressive_x, edge_index_backward, edge_attr_backward)
+ )
+
+ count = scatter_add(torch.ones_like(dst), dst,
+ dim_size=dh[0].size(0)).clamp(min=1).unsqueeze(-1)
+
+ dh = dh[0] / count, dh[1] / count.unsqueeze(-1)
+
+ else:
+ dh = self.conv(x, edge_index, edge_attr)
+
+ if node_mask is not None:
+ x_ = x
+ x, dh = tuple_index(x, node_mask), tuple_index(dh, node_mask)
+
+ x = self.norm[0](tuple_sum(x, self.dropout[0](dh)))
+
+ dh = self.ff_func(x)
+ x = self.norm[1](tuple_sum(x, self.dropout[1](dh)))
+
+ if node_mask is not None:
+ x_[0][node_mask], x_[1][node_mask] = x[0], x[1]
+ x = x_
+
+ return x, edge_attr
diff --git a/esm/inverse_folding/gvp_transformer.py b/esm/inverse_folding/gvp_transformer.py
new file mode 100644
index 0000000000000000000000000000000000000000..c10a78260d97013e32bf49ed8f18083b07adc5be
--- /dev/null
+++ b/esm/inverse_folding/gvp_transformer.py
@@ -0,0 +1,144 @@
+# Copyright (c) Meta Platforms, Inc. and affiliates.
+#
+# This source code is licensed under the MIT license found in the
+# LICENSE file in the root directory of this source tree.
+
+# import argparse
+# from typing import Any, Dict, List, Optional, Tuple, NamedTuple
+import torch
+from torch import nn
+# from torch import Tensor
+import torch.nn.functional as F
+# from scipy.spatial import transform
+#
+# from esm.data import Alphabet
+
+# from .features import DihedralFeatures
+# from .gvp_encoder import GVPEncoder
+# from .gvp_utils import unflatten_graph
+print("gvp1_transformer")
+from .gvp_transformer_encoder import GVPTransformerEncoder
+print("gvp2_transformer")
+from .transformer_decoder import TransformerDecoder
+print("gvp3_transformer")
+from .util import rotate, CoordBatchConverter
+print("gvp4_transformer")
+
+
+class GVPTransformerModel(nn.Module):
+ """
+ GVP-Transformer inverse folding model.
+
+ Architecture: Geometric GVP-GNN as initial layers, followed by
+ sequence-to-sequence Transformer encoder and decoder.
+ """
+
+ def __init__(self, args, alphabet):
+ super().__init__()
+ encoder_embed_tokens = self.build_embedding(
+ args, alphabet, args.encoder_embed_dim,
+ )
+ decoder_embed_tokens = self.build_embedding(
+ args, alphabet, args.decoder_embed_dim,
+ )
+ encoder = self.build_encoder(args, alphabet, encoder_embed_tokens)
+ decoder = self.build_decoder(args, alphabet, decoder_embed_tokens)
+ self.args = args
+ self.encoder = encoder
+ self.decoder = decoder
+
+ @classmethod
+ def build_encoder(cls, args, src_dict, embed_tokens):
+ encoder = GVPTransformerEncoder(args, src_dict, embed_tokens)
+ return encoder
+
+ @classmethod
+ def build_decoder(cls, args, tgt_dict, embed_tokens):
+ decoder = TransformerDecoder(
+ args,
+ tgt_dict,
+ embed_tokens,
+ )
+ return decoder
+
+ @classmethod
+ def build_embedding(cls, args, dictionary, embed_dim):
+ num_embeddings = len(dictionary)
+ padding_idx = dictionary.padding_idx
+ emb = nn.Embedding(num_embeddings, embed_dim, padding_idx)
+ nn.init.normal_(emb.weight, mean=0, std=embed_dim ** -0.5)
+ nn.init.constant_(emb.weight[padding_idx], 0)
+ return emb
+
+ def forward(
+ self,
+ coords,
+ padding_mask,
+ confidence,
+ prev_output_tokens,
+ return_all_hiddens: bool = False,
+ features_only: bool = False,
+ ):
+ encoder_out = self.encoder(coords, padding_mask, confidence,
+ return_all_hiddens=return_all_hiddens)
+ logits, extra = self.decoder(
+ prev_output_tokens,
+ encoder_out=encoder_out,
+ features_only=features_only,
+ return_all_hiddens=return_all_hiddens,
+ )
+ return logits, extra
+
+ def sample(self, coords, partial_seq=None, temperature=1.0, confidence=None, device=None):
+ """
+ Samples sequences based on multinomial sampling (no beam search).
+
+ Args:
+ coords: L x 3 x 3 list representing one backbone
+ partial_seq: Optional, partial sequence with mask tokens if part of
+ the sequence is known
+ temperature: sampling temperature, use low temperature for higher
+ sequence recovery and high temperature for higher diversity
+ confidence: optional length L list of confidence scores for coordinates
+ """
+ L = len(coords)
+ # Convert to batch format
+ batch_converter = CoordBatchConverter(self.decoder.dictionary)
+ batch_coords, confidence, _, _, padding_mask = (
+ batch_converter([(coords, confidence, None)], device=device)
+ )
+
+ # Start with prepend token
+ mask_idx = self.decoder.dictionary.get_idx('')
+ sampled_tokens = torch.full((1, 1+L), mask_idx, dtype=int)
+ sampled_tokens[0, 0] = self.decoder.dictionary.get_idx('')
+ if partial_seq is not None:
+ for i, c in enumerate(partial_seq):
+ sampled_tokens[0, i+1] = self.decoder.dictionary.get_idx(c)
+
+ # Save incremental states for faster sampling
+ incremental_state = dict()
+
+ # Run encoder only once
+ encoder_out = self.encoder(batch_coords, padding_mask, confidence)
+
+ # Make sure all tensors are on the same device if a GPU is present
+ if device:
+ sampled_tokens = sampled_tokens.to(device)
+
+ # Decode one token at a time
+ for i in range(1, L+1):
+ logits, _ = self.decoder(
+ sampled_tokens[:, :i],
+ encoder_out,
+ incremental_state=incremental_state,
+ )
+ logits = logits[0].transpose(0, 1)
+ logits /= temperature
+ probs = F.softmax(logits, dim=-1)
+ if sampled_tokens[0, i] == mask_idx:
+ sampled_tokens[:, i] = torch.multinomial(probs, 1).squeeze(-1)
+ sampled_seq = sampled_tokens[0, 1:]
+
+ # Convert back to string via lookup
+ return ''.join([self.decoder.dictionary.get_tok(a) for a in sampled_seq]), encoder_out
diff --git a/esm/inverse_folding/gvp_transformer_encoder.py b/esm/inverse_folding/gvp_transformer_encoder.py
new file mode 100644
index 0000000000000000000000000000000000000000..373e789e9e24b09c14a852e80263ef4c16972e59
--- /dev/null
+++ b/esm/inverse_folding/gvp_transformer_encoder.py
@@ -0,0 +1,189 @@
+# Copyright (c) Meta Platforms, Inc. and affiliates.
+#
+# Contents of this file were adapted from the open source fairseq repository.
+#
+# This source code is licensed under the MIT license found in the
+# LICENSE file in the root directory of this source tree.
+
+import argparse
+import math
+from typing import Dict, List, Optional
+
+import torch
+import torch.nn as nn
+from torch import Tensor
+print("gvp1_transformer_encoder")
+from esm.modules import SinusoidalPositionalEmbedding
+print("gvp2_transformer_encoder")
+from .features import GVPInputFeaturizer, DihedralFeatures
+print("gvp3_transformer_encoder")
+from .gvp_encoder import GVPEncoder
+print("gvp4_transformer_encoder")
+from .transformer_layer import TransformerEncoderLayer
+print("gvp5_transformer_encoder")
+from .util import nan_to_num, get_rotation_frames, rotate, rbf
+print("gvp6_transformer_encoder")
+
+
+class GVPTransformerEncoder(nn.Module):
+ """
+ Transformer encoder consisting of *args.encoder.layers* layers. Each layer
+ is a :class:`TransformerEncoderLayer`.
+
+ Args:
+ args (argparse.Namespace): parsed command-line arguments
+ dictionary (~fairseq.data.Dictionary): encoding dictionary
+ embed_tokens (torch.nn.Embedding): input embedding
+ """
+
+ def __init__(self, args, dictionary, embed_tokens):
+ super().__init__()
+ self.args = args
+ self.dictionary = dictionary
+
+ self.dropout_module = nn.Dropout(args.dropout)
+
+ embed_dim = embed_tokens.embedding_dim
+ self.padding_idx = embed_tokens.padding_idx
+
+ self.embed_tokens = embed_tokens
+ self.embed_scale = math.sqrt(embed_dim)
+ self.embed_positions = SinusoidalPositionalEmbedding(
+ embed_dim,
+ self.padding_idx,
+ )
+ self.embed_gvp_input_features = nn.Linear(15, embed_dim)
+ self.embed_confidence = nn.Linear(16, embed_dim)
+ self.embed_dihedrals = DihedralFeatures(embed_dim)
+
+ gvp_args = argparse.Namespace()
+ for k, v in vars(args).items():
+ if k.startswith("gvp_"):
+ setattr(gvp_args, k[4:], v)
+ self.gvp_encoder = GVPEncoder(gvp_args)
+ gvp_out_dim = gvp_args.node_hidden_dim_scalar + (3 *
+ gvp_args.node_hidden_dim_vector)
+ self.embed_gvp_output = nn.Linear(gvp_out_dim, embed_dim)
+
+ self.layers = nn.ModuleList([])
+ self.layers.extend(
+ [self.build_encoder_layer(args) for i in range(args.encoder_layers)]
+ )
+ self.num_layers = len(self.layers)
+ self.layer_norm = nn.LayerNorm(embed_dim)
+
+ def build_encoder_layer(self, args):
+ return TransformerEncoderLayer(args)
+
+ def forward_embedding(self, coords, padding_mask, confidence):
+ """
+ Args:
+ coords: N, CA, C backbone coordinates in shape length x 3 (atoms) x 3
+ padding_mask: boolean Tensor (true for padding) of shape length
+ confidence: confidence scores between 0 and 1 of shape length
+ """
+ components = dict()
+ coord_mask = torch.all(torch.all(torch.isfinite(coords), dim=-1), dim=-1)
+ coords = nan_to_num(coords)
+ mask_tokens = (
+ padding_mask * self.dictionary.padding_idx +
+ ~padding_mask * self.dictionary.get_idx("")
+ )
+ components["tokens"] = self.embed_tokens(mask_tokens) * self.embed_scale
+ components["diherals"] = self.embed_dihedrals(coords)
+
+ # GVP encoder
+ gvp_out_scalars, gvp_out_vectors = self.gvp_encoder(coords,
+ coord_mask, padding_mask, confidence)
+ R = get_rotation_frames(coords)
+ # Rotate to local rotation frame for rotation-invariance
+ gvp_out_features = torch.cat([
+ gvp_out_scalars,
+ rotate(gvp_out_vectors, R.transpose(-2, -1)).flatten(-2, -1),
+ ], dim=-1)
+ components["gvp_out"] = self.embed_gvp_output(gvp_out_features)
+
+ components["confidence"] = self.embed_confidence(
+ rbf(confidence, 0., 1.))
+
+ # In addition to GVP encoder outputs, also directly embed GVP input node
+ # features to the Transformer
+ scalar_features, vector_features = GVPInputFeaturizer.get_node_features(
+ coords, coord_mask, with_coord_mask=False)
+ features = torch.cat([
+ scalar_features,
+ rotate(vector_features, R.transpose(-2, -1)).flatten(-2, -1),
+ ], dim=-1)
+ components["gvp_input_features"] = self.embed_gvp_input_features(features)
+
+ embed = sum(components.values())
+ # for k, v in components.items():
+ # print(k, torch.mean(v, dim=(0,1)), torch.std(v, dim=(0,1)))
+
+ x = embed
+ x = x + self.embed_positions(mask_tokens)
+ x = self.dropout_module(x)
+ return x, components
+
+ def forward(
+ self,
+ coords,
+ encoder_padding_mask,
+ confidence,
+ return_all_hiddens: bool = False,
+ ):
+ """
+ Args:
+ coords (Tensor): backbone coordinates
+ shape batch_size x num_residues x num_atoms (3 for N, CA, C) x 3
+ encoder_padding_mask (ByteTensor): the positions of
+ padding elements of shape `(batch_size x num_residues)`
+ confidence (Tensor): the confidence score of shape (batch_size x
+ num_residues). The value is between 0. and 1. for each residue
+ coordinate, or -1. if no coordinate is given
+ return_all_hiddens (bool, optional): also return all of the
+ intermediate hidden states (default: False).
+
+ Returns:
+ dict:
+ - **encoder_out** (Tensor): the last encoder layer's output of
+ shape `(num_residues, batch_size, embed_dim)`
+ - **encoder_padding_mask** (ByteTensor): the positions of
+ padding elements of shape `(batch_size, num_residues)`
+ - **encoder_embedding** (Tensor): the (scaled) embedding lookup
+ of shape `(batch_size, num_residues, embed_dim)`
+ - **encoder_states** (List[Tensor]): all intermediate
+ hidden states of shape `(num_residues, batch_size, embed_dim)`.
+ Only populated if *return_all_hiddens* is True.
+ """
+ x, encoder_embedding = self.forward_embedding(coords,
+ encoder_padding_mask, confidence)
+ # account for padding while computing the representation
+ x = x * (1 - encoder_padding_mask.unsqueeze(-1).type_as(x))
+
+ # B x T x C -> T x B x C
+ x = x.transpose(0, 1)
+
+ encoder_states = []
+
+ if return_all_hiddens:
+ encoder_states.append(x)
+
+ # encoder layers
+ for layer in self.layers:
+ x = layer(
+ x, encoder_padding_mask=encoder_padding_mask
+ )
+ if return_all_hiddens:
+ assert encoder_states is not None
+ encoder_states.append(x)
+
+ if self.layer_norm is not None:
+ x = self.layer_norm(x)
+
+ return {
+ "encoder_out": [x], # T x B x C
+ "encoder_padding_mask": [encoder_padding_mask], # B x T
+ "encoder_embedding": [encoder_embedding], # dictionary
+ "encoder_states": encoder_states, # List[T x B x C]
+ }
diff --git a/esm/inverse_folding/gvp_utils.py b/esm/inverse_folding/gvp_utils.py
new file mode 100644
index 0000000000000000000000000000000000000000..fc0617fff0913f0f8b0ecace8e1debd334c00299
--- /dev/null
+++ b/esm/inverse_folding/gvp_utils.py
@@ -0,0 +1,68 @@
+# Copyright (c) Meta Platforms, Inc. and affiliates.
+#
+# This source code is licensed under the MIT license found in the
+# LICENSE file in the root directory of this source tree.
+
+import torch
+
+
+def flatten_graph(node_embeddings, edge_embeddings, edge_index):
+ """
+ Flattens the graph into a batch size one (with disconnected subgraphs for
+ each example) to be compatible with pytorch-geometric package.
+ Args:
+ node_embeddings: node embeddings in tuple form (scalar, vector)
+ - scalar: shape batch size x nodes x node_embed_dim
+ - vector: shape batch size x nodes x node_embed_dim x 3
+ edge_embeddings: edge embeddings of in tuple form (scalar, vector)
+ - scalar: shape batch size x edges x edge_embed_dim
+ - vector: shape batch size x edges x edge_embed_dim x 3
+ edge_index: shape batch_size x 2 (source node and target node) x edges
+ Returns:
+ node_embeddings: node embeddings in tuple form (scalar, vector)
+ - scalar: shape batch total_nodes x node_embed_dim
+ - vector: shape batch total_nodes x node_embed_dim x 3
+ edge_embeddings: edge embeddings of in tuple form (scalar, vector)
+ - scalar: shape batch total_edges x edge_embed_dim
+ - vector: shape batch total_edges x edge_embed_dim x 3
+ edge_index: shape 2 x total_edges
+ """
+ x_s, x_v = node_embeddings
+ e_s, e_v = edge_embeddings
+ batch_size, N = x_s.shape[0], x_s.shape[1]
+ node_embeddings = (torch.flatten(x_s, 0, 1), torch.flatten(x_v, 0, 1))
+ edge_embeddings = (torch.flatten(e_s, 0, 1), torch.flatten(e_v, 0, 1))
+
+ edge_mask = torch.any(edge_index != -1, dim=1)
+ # Re-number the nodes by adding batch_idx * N to each batch
+ edge_index = edge_index + (torch.arange(batch_size, device=edge_index.device) *
+ N).unsqueeze(-1).unsqueeze(-1)
+ edge_index = edge_index.permute(1, 0, 2).flatten(1, 2)
+ edge_mask = edge_mask.flatten()
+ edge_index = edge_index[:, edge_mask]
+ edge_embeddings = (
+ edge_embeddings[0][edge_mask, :],
+ edge_embeddings[1][edge_mask, :]
+ )
+ return node_embeddings, edge_embeddings, edge_index
+
+
+def unflatten_graph(node_embeddings, batch_size):
+ """
+ Unflattens node embeddings.
+ Args:
+ node_embeddings: node embeddings in tuple form (scalar, vector)
+ - scalar: shape batch total_nodes x node_embed_dim
+ - vector: shape batch total_nodes x node_embed_dim x 3
+ batch_size: int
+ Returns:
+ node_embeddings: node embeddings in tuple form (scalar, vector)
+ - scalar: shape batch size x nodes x node_embed_dim
+ - vector: shape batch size x nodes x node_embed_dim x 3
+ """
+ x_s, x_v = node_embeddings
+ x_s = x_s.reshape(batch_size, -1, x_s.shape[1])
+ x_v = x_v.reshape(batch_size, -1, x_v.shape[1], x_v.shape[2])
+ return (x_s, x_v)
+
+
diff --git a/esm/inverse_folding/multichain_util.py b/esm/inverse_folding/multichain_util.py
new file mode 100644
index 0000000000000000000000000000000000000000..53b69e47c19e6b654d81766582c2032516735e47
--- /dev/null
+++ b/esm/inverse_folding/multichain_util.py
@@ -0,0 +1,152 @@
+# # Copyright (c) Meta Platforms, Inc. and affiliates.
+# #
+# # This source code is licensed under the MIT license found in the
+# # LICENSE file in the root directory of this source tree.
+#
+# import biotite.structure
+# import numpy as np
+# import torch
+# from typing import Sequence, Tuple, List
+#
+# from esm.inverse_folding.util import (
+# load_structure,
+# extract_coords_from_structure,
+# load_coords,
+# get_sequence_loss,
+# get_encoder_output,
+# )
+#
+#
+# def extract_coords_from_complex(structure: biotite.structure.AtomArray):
+# """
+# Args:
+# structure: biotite AtomArray
+# Returns:
+# Tuple (coords_list, seq_list)
+# - coords: Dictionary mapping chain ids to L x 3 x 3 array for N, CA, C
+# coordinates representing the backbone of each chain
+# - seqs: Dictionary mapping chain ids to native sequences of each chain
+# """
+# coords = {}
+# seqs = {}
+# all_chains = biotite.structure.get_chains(structure)
+# for chain_id in all_chains:
+# chain = structure[structure.chain_id == chain_id]
+# coords[chain_id], seqs[chain_id] = extract_coords_from_structure(chain)
+# return coords, seqs
+#
+#
+# def load_complex_coords(fpath, chains):
+# """
+# Args:
+# fpath: filepath to either pdb or cif file
+# chains: the chain ids (the order matters for autoregressive model)
+# Returns:
+# Tuple (coords_list, seq_list)
+# - coords: Dictionary mapping chain ids to L x 3 x 3 array for N, CA, C
+# coordinates representing the backbone of each chain
+# - seqs: Dictionary mapping chain ids to native sequences of each chain
+# """
+# structure = load_structure(fpath, chains)
+# return extract_coords_from_complex(structure)
+#
+#
+# def _concatenate_coords(coords, target_chain_id, padding_length=10):
+# """
+# Args:
+# coords: Dictionary mapping chain ids to L x 3 x 3 array for N, CA, C
+# coordinates representing the backbone of each chain
+# target_chain_id: The chain id to sample sequences for
+# padding_length: Length of padding between concatenated chains
+# Returns:
+# Tuple (coords, seq)
+# - coords is an L x 3 x 3 array for N, CA, C coordinates, a
+# concatenation of the chains with padding in between
+# - seq is the extracted sequence, with padding tokens inserted
+# between the concatenated chains
+# """
+# pad_coords = np.full((padding_length, 3, 3), np.nan, dtype=np.float32)
+# # For best performance, put the target chain first in concatenation.
+# coords_list = [coords[target_chain_id]]
+# for chain_id in coords:
+# if chain_id == target_chain_id:
+# continue
+# coords_list.append(pad_coords)
+# coords_list.append(coords[chain_id])
+# coords_concatenated = np.concatenate(coords_list, axis=0)
+# return coords_concatenated
+#
+#
+# def sample_sequence_in_complex(model, coords, target_chain_id, temperature=1.,
+# padding_length=10):
+# """
+# Samples sequence for one chain in a complex.
+# Args:
+# model: An instance of the GVPTransformer model
+# coords: Dictionary mapping chain ids to L x 3 x 3 array for N, CA, C
+# coordinates representing the backbone of each chain
+# target_chain_id: The chain id to sample sequences for
+# padding_length: padding length in between chains
+# Returns:
+# Sampled sequence for the target chain
+# """
+# target_chain_len = coords[target_chain_id].shape[0]
+# all_coords = _concatenate_coords(coords, target_chain_id)
+# device = next(model.parameters()).device
+#
+# # Supply padding tokens for other chains to avoid unused sampling for speed
+# padding_pattern = [''] * all_coords.shape[0]
+# for i in range(target_chain_len):
+# padding_pattern[i] = ''
+# sampled = model.sample(all_coords, partial_seq=padding_pattern,
+# temperature=temperature, device=device)
+# sampled = sampled[:target_chain_len]
+# return sampled
+#
+#
+# def score_sequence_in_complex(model, alphabet, coords, target_chain_id,
+# target_seq, padding_length=10):
+# """
+# Scores sequence for one chain in a complex.
+# Args:
+# model: An instance of the GVPTransformer model
+# alphabet: Alphabet for the model
+# coords: Dictionary mapping chain ids to L x 3 x 3 array for N, CA, C
+# coordinates representing the backbone of each chain
+# target_chain_id: The chain id to sample sequences for
+# target_seq: Target sequence for the target chain for scoring.
+# padding_length: padding length in between chains
+# Returns:
+# Tuple (ll_fullseq, ll_withcoord)
+# - ll_fullseq: Average log-likelihood over the full target chain
+# - ll_withcoord: Average log-likelihood in target chain excluding those
+# residues without coordinates
+# """
+# all_coords = _concatenate_coords(coords, target_chain_id)
+#
+# loss, target_padding_mask = get_sequence_loss(model, alphabet, all_coords,
+# target_seq)
+# ll_fullseq = -np.sum(loss * ~target_padding_mask) / np.sum(
+# ~target_padding_mask)
+#
+# # Also calculate average when excluding masked portions
+# coord_mask = np.all(np.isfinite(coords[target_chain_id]), axis=(-1, -2))
+# ll_withcoord = -np.sum(loss * coord_mask) / np.sum(coord_mask)
+# return ll_fullseq, ll_withcoord
+#
+#
+# def get_encoder_output_for_complex(model, alphabet, coords, target_chain_id):
+# """
+# Args:
+# model: An instance of the GVPTransformer model
+# alphabet: Alphabet for the model
+# coords: Dictionary mapping chain ids to L x 3 x 3 array for N, CA, C
+# coordinates representing the backbone of each chain
+# target_chain_id: The chain id to sample sequences for
+# Returns:
+# Dictionary mapping chain id to encoder output for each chain
+# """
+# all_coords = _concatenate_coords(coords, target_chain_id)
+# all_rep = get_encoder_output(model, alphabet, all_coords)
+# target_chain_len = coords[target_chain_id].shape[0]
+# return all_rep[:target_chain_len]
diff --git a/esm/inverse_folding/transformer_decoder.py b/esm/inverse_folding/transformer_decoder.py
new file mode 100644
index 0000000000000000000000000000000000000000..59ec6f357711a45408d0fa611de7eb3bf81de7f5
--- /dev/null
+++ b/esm/inverse_folding/transformer_decoder.py
@@ -0,0 +1,228 @@
+# Copyright (c) Meta Platforms, Inc. and affiliates.
+#
+# Contents of this file were adapted from the open source fairseq repository.
+#
+# This source code is licensed under the MIT license found in the
+# LICENSE file in the root directory of this source tree.
+
+import math
+from typing import Any, Dict, List, Optional
+
+import torch
+import torch.nn as nn
+from torch import Tensor
+
+from esm.modules import SinusoidalPositionalEmbedding
+from .transformer_layer import TransformerDecoderLayer
+
+
+def fill_with_neg_inf(t):
+ """FP16-compatible function that fills a tensor with -inf."""
+ return t.float().fill_(float("-inf")).type_as(t)
+
+
+class TransformerDecoder(nn.Module):
+ """
+ Transformer decoder consisting of *args.decoder.layers* layers. Each layer
+ is a :class:`TransformerDecoderLayer`.
+
+ Args:
+ args (argparse.Namespace): parsed command-line arguments
+ dictionary (~fairseq.data.Dictionary): decoding dictionary
+ embed_tokens (torch.nn.Embedding): output embedding
+ no_encoder_attn (bool, optional): whether to attend to encoder outputs
+ (default: False).
+ """
+
+ def __init__(
+ self,
+ args,
+ dictionary,
+ embed_tokens,
+ ):
+ super().__init__()
+ self.args = args
+ self.dictionary = dictionary
+ self._future_mask = torch.empty(0)
+
+ self.dropout_module = nn.Dropout(args.dropout)
+
+ input_embed_dim = embed_tokens.embedding_dim
+ embed_dim = args.decoder_embed_dim
+ self.embed_dim = embed_dim
+
+ self.padding_idx = embed_tokens.padding_idx
+
+ self.embed_tokens = embed_tokens
+ self.embed_scale = math.sqrt(embed_dim)
+
+ self.project_in_dim = (
+ nn.Linear(input_embed_dim, embed_dim, bias=False)
+ if embed_dim != input_embed_dim
+ else None
+ )
+ self.embed_positions = SinusoidalPositionalEmbedding(
+ embed_dim,
+ self.padding_idx,
+ )
+
+ self.layers = nn.ModuleList([])
+ self.layers.extend(
+ [
+ self.build_decoder_layer(args)
+ for _ in range(args.decoder_layers)
+ ]
+ )
+ self.num_layers = len(self.layers)
+ self.layer_norm = nn.LayerNorm(embed_dim)
+
+ self.build_output_projection(args, dictionary)
+
+ def build_output_projection(self, args, dictionary):
+ self.output_projection = nn.Linear(
+ args.decoder_embed_dim, len(dictionary), bias=False
+ )
+ nn.init.normal_(
+ self.output_projection.weight, mean=0, std=args.decoder_embed_dim ** -0.5
+ )
+
+ def build_decoder_layer(self, args):
+ return TransformerDecoderLayer(args)
+
+ def forward(
+ self,
+ prev_output_tokens,
+ encoder_out: Optional[Dict[str, List[Tensor]]] = None,
+ incremental_state: Optional[Dict[str, Dict[str, Optional[Tensor]]]] = None,
+ features_only: bool = False,
+ return_all_hiddens: bool = False,
+ ):
+ """
+ Args:
+ prev_output_tokens (LongTensor): previous decoder outputs of shape
+ `(batch, tgt_len)`, for teacher forcing
+ encoder_out (optional): output from the encoder, used for
+ encoder-side attention, should be of size T x B x C
+ incremental_state (dict): dictionary used for storing state during
+ :ref:`Incremental decoding`
+ features_only (bool, optional): only return features without
+ applying output layer (default: False).
+
+ Returns:
+ tuple:
+ - the decoder's output of shape `(batch, tgt_len, vocab)`
+ - a dictionary with any model-specific outputs
+ """
+
+ x, extra = self.extract_features(
+ prev_output_tokens,
+ encoder_out=encoder_out,
+ incremental_state=incremental_state,
+ )
+
+ if not features_only:
+ x = self.output_layer(x)
+ x = x.transpose(1, 2) # B x T x C -> B x C x T
+ return x, extra
+
+ def extract_features(
+ self,
+ prev_output_tokens,
+ encoder_out: Optional[Dict[str, List[Tensor]]],
+ incremental_state: Optional[Dict[str, Dict[str, Optional[Tensor]]]] = None,
+ ):
+ """
+ Similar to *forward* but only return features.
+
+ Includes several features from "Jointly Learning to Align and
+ Translate with Transformer Models" (Garg et al., EMNLP 2019).
+
+ Returns:
+ tuple:
+ - the decoder's features of shape `(batch, tgt_len, embed_dim)`
+ - a dictionary with any model-specific outputs
+ """
+ bs, slen = prev_output_tokens.size()
+
+ enc: Optional[Tensor] = None
+ padding_mask: Optional[Tensor] = None
+ if encoder_out is not None and len(encoder_out["encoder_out"]) > 0:
+ enc = encoder_out["encoder_out"][0]
+ assert (
+ enc.size()[1] == bs
+ ), f"Expected enc.shape == (t, {bs}, c) got {enc.shape}"
+ if encoder_out is not None and len(encoder_out["encoder_padding_mask"]) > 0:
+ padding_mask = encoder_out["encoder_padding_mask"][0]
+
+ # embed positions
+ positions = self.embed_positions(
+ prev_output_tokens
+ )
+
+ if incremental_state is not None:
+ prev_output_tokens = prev_output_tokens[:, -1:]
+ positions = positions[:, -1:]
+
+ # embed tokens and positions
+ x = self.embed_scale * self.embed_tokens(prev_output_tokens)
+
+ if self.project_in_dim is not None:
+ x = self.project_in_dim(x)
+
+ x += positions
+
+ x = self.dropout_module(x)
+
+ # B x T x C -> T x B x C
+ x = x.transpose(0, 1)
+
+ self_attn_padding_mask: Optional[Tensor] = None
+ if prev_output_tokens.eq(self.padding_idx).any():
+ self_attn_padding_mask = prev_output_tokens.eq(self.padding_idx)
+
+ # decoder layers
+ attn: Optional[Tensor] = None
+ inner_states: List[Optional[Tensor]] = [x]
+ for idx, layer in enumerate(self.layers):
+ if incremental_state is None:
+ self_attn_mask = self.buffered_future_mask(x)
+ else:
+ self_attn_mask = None
+
+ x, layer_attn, _ = layer(
+ x,
+ enc,
+ padding_mask,
+ incremental_state,
+ self_attn_mask=self_attn_mask,
+ self_attn_padding_mask=self_attn_padding_mask,
+ need_attn=False,
+ need_head_weights=False,
+ )
+ inner_states.append(x)
+
+ if self.layer_norm is not None:
+ x = self.layer_norm(x)
+
+ # T x B x C -> B x C x T
+ x = x.transpose(0, 1)
+
+ return x, {"inner_states": inner_states}
+
+ def output_layer(self, features):
+ """Project features to the vocabulary size."""
+ return self.output_projection(features)
+
+ def buffered_future_mask(self, tensor):
+ dim = tensor.size(0)
+ # self._future_mask.device != tensor.device is not working in TorchScript. This is a workaround.
+ if (
+ self._future_mask.size(0) == 0
+ or (not self._future_mask.device == tensor.device)
+ or self._future_mask.size(0) < dim
+ ):
+ self._future_mask = torch.triu(
+ fill_with_neg_inf(torch.zeros([dim, dim])), 1
+ )
+ self._future_mask = self._future_mask.to(tensor)
+ return self._future_mask[:dim, :dim]
diff --git a/esm/inverse_folding/transformer_layer.py b/esm/inverse_folding/transformer_layer.py
new file mode 100644
index 0000000000000000000000000000000000000000..87830a3ede9c09117b1e565d53d7f23b7c551925
--- /dev/null
+++ b/esm/inverse_folding/transformer_layer.py
@@ -0,0 +1,304 @@
+# Copyright (c) Meta Platforms, Inc. and affiliates.
+#
+# Contents of this file were adapted from the open source fairseq repository.
+#
+# This source code is licensed under the MIT license found in the
+# LICENSE file in the root directory of this source tree.
+
+from typing import Dict, List, Optional
+
+import torch
+import torch.nn as nn
+import torch.nn.functional as F
+from esm.multihead_attention import MultiheadAttention
+from torch import Tensor
+
+
+class TransformerEncoderLayer(nn.Module):
+ """Encoder layer block.
+ `layernorm -> dropout -> add residual`
+
+ Args:
+ args (argparse.Namespace): parsed command-line arguments
+ """
+
+ def __init__(self, args):
+ super().__init__()
+ self.args = args
+ self.embed_dim = args.encoder_embed_dim
+ self.self_attn = self.build_self_attention(self.embed_dim, args)
+ self.self_attn_layer_norm = torch.nn.LayerNorm(self.embed_dim)
+ self.dropout_module = nn.Dropout(args.dropout)
+ self.activation_fn = F.relu
+ self.fc1 = self.build_fc1(
+ self.embed_dim,
+ args.encoder_ffn_embed_dim,
+ )
+ self.fc2 = self.build_fc2(
+ args.encoder_ffn_embed_dim,
+ self.embed_dim,
+ )
+
+ self.final_layer_norm = nn.LayerNorm(self.embed_dim)
+
+ def build_fc1(self, input_dim, output_dim):
+ return nn.Linear(input_dim, output_dim)
+
+ def build_fc2(self, input_dim, output_dim):
+ return nn.Linear(input_dim, output_dim)
+
+ def build_self_attention(self, embed_dim, args):
+ return MultiheadAttention(
+ embed_dim,
+ args.encoder_attention_heads,
+ dropout=args.attention_dropout,
+ self_attention=True,
+ )
+
+ def residual_connection(self, x, residual):
+ return residual + x
+
+ def forward(
+ self,
+ x,
+ encoder_padding_mask: Optional[Tensor],
+ attn_mask: Optional[Tensor] = None,
+ ):
+ """
+ Args:
+ x (Tensor): input to the layer of shape `(seq_len, batch, embed_dim)`
+ encoder_padding_mask (ByteTensor): binary ByteTensor of shape
+ `(batch, seq_len)` where padding elements are indicated by ``1``.
+ attn_mask (ByteTensor): binary tensor of shape `(tgt_len, src_len)`,
+ where `tgt_len` is the length of output and `src_len` is the
+ length of input, though here both are equal to `seq_len`.
+ `attn_mask[tgt_i, src_j] = 1` means that when calculating the
+ embedding for `tgt_i`, we exclude (mask out) `src_j`. This is
+ useful for strided self-attention.
+
+ Returns:
+ encoded output of shape `(seq_len, batch, embed_dim)`
+ """
+ # anything in original attn_mask = 1, becomes -1e8
+ # anything in original attn_mask = 0, becomes 0
+ # Note that we cannot use -inf here, because at some edge cases,
+ # the attention weight (before softmax) for some padded element in query
+ # will become -inf, which results in NaN in model parameters
+ if attn_mask is not None:
+ attn_mask = attn_mask.masked_fill(
+ attn_mask.to(torch.bool), -1e8 if x.dtype == torch.float32 else -1e4
+ )
+
+ residual = x
+ x = self.self_attn_layer_norm(x)
+ x, _ = self.self_attn(
+ query=x,
+ key=x,
+ value=x,
+ key_padding_mask=encoder_padding_mask,
+ need_weights=False,
+ attn_mask=attn_mask,
+ )
+ x = self.dropout_module(x)
+ x = self.residual_connection(x, residual)
+
+ residual = x
+ x = self.final_layer_norm(x)
+ x = self.activation_fn(self.fc1(x))
+ x = self.fc2(x)
+ x = self.dropout_module(x)
+ x = self.residual_connection(x, residual)
+ return x
+
+
+class TransformerDecoderLayer(nn.Module):
+ """Decoder layer block.
+ `layernorm -> dropout -> add residual`
+
+ Args:
+ args (argparse.Namespace): parsed command-line arguments
+ no_encoder_attn (bool, optional): whether to attend to encoder outputs
+ (default: False).
+ """
+
+ def __init__(
+ self, args, no_encoder_attn=False, add_bias_kv=False, add_zero_attn=False
+ ):
+ super().__init__()
+ self.embed_dim = args.decoder_embed_dim
+ self.dropout_module = nn.Dropout(args.dropout)
+
+ self.self_attn = self.build_self_attention(
+ self.embed_dim,
+ args,
+ add_bias_kv=add_bias_kv,
+ add_zero_attn=add_zero_attn,
+ )
+ self.nh = self.self_attn.num_heads
+ self.head_dim = self.self_attn.head_dim
+
+ self.activation_fn = F.relu
+
+ self.self_attn_layer_norm = nn.LayerNorm(self.embed_dim)
+
+ if no_encoder_attn:
+ self.encoder_attn = None
+ self.encoder_attn_layer_norm = None
+ else:
+ self.encoder_attn = self.build_encoder_attention(self.embed_dim, args)
+ self.encoder_attn_layer_norm = nn.LayerNorm(self.embed_dim)
+
+ self.ffn_layernorm = (
+ LayerNorm(args.decoder_ffn_embed_dim)
+ if getattr(args, "scale_fc", False)
+ else None
+ )
+ self.w_resid = (
+ nn.Parameter(
+ torch.ones(
+ self.embed_dim,
+ ),
+ requires_grad=True,
+ )
+ if getattr(args, "scale_resids", False)
+ else None
+ )
+
+ self.fc1 = self.build_fc1(
+ self.embed_dim,
+ args.decoder_ffn_embed_dim,
+ )
+ self.fc2 = self.build_fc2(
+ args.decoder_ffn_embed_dim,
+ self.embed_dim,
+ )
+
+ self.final_layer_norm = nn.LayerNorm(self.embed_dim)
+ self.need_attn = True
+
+ def build_fc1(self, input_dim, output_dim):
+ return nn.Linear(input_dim, output_dim)
+
+ def build_fc2(self, input_dim, output_dim):
+ return nn.Linear(input_dim, output_dim)
+
+ def build_self_attention(
+ self, embed_dim, args, add_bias_kv=False, add_zero_attn=False
+ ):
+ return MultiheadAttention(
+ embed_dim,
+ args.decoder_attention_heads,
+ dropout=args.attention_dropout,
+ add_bias_kv=add_bias_kv,
+ add_zero_attn=add_zero_attn,
+ self_attention=True,
+ )
+
+ def build_encoder_attention(self, embed_dim, args):
+ return MultiheadAttention(
+ embed_dim,
+ args.decoder_attention_heads,
+ kdim=args.encoder_embed_dim,
+ vdim=args.encoder_embed_dim,
+ dropout=args.attention_dropout,
+ encoder_decoder_attention=True,
+ )
+
+ def residual_connection(self, x, residual):
+ return residual + x
+
+ def forward(
+ self,
+ x,
+ encoder_out: Optional[torch.Tensor] = None,
+ encoder_padding_mask: Optional[torch.Tensor] = None,
+ incremental_state: Optional[Dict[str, Dict[str, Optional[Tensor]]]] = None,
+ prev_self_attn_state: Optional[List[torch.Tensor]] = None,
+ prev_attn_state: Optional[List[torch.Tensor]] = None,
+ self_attn_mask: Optional[torch.Tensor] = None,
+ self_attn_padding_mask: Optional[torch.Tensor] = None,
+ need_attn: bool = False,
+ need_head_weights: bool = False,
+ ):
+ """
+ Args:
+ x (Tensor): input to the layer of shape `(seq_len, batch, embed_dim)`
+ encoder_padding_mask (ByteTensor, optional): binary
+ ByteTensor of shape `(batch, src_len)` where padding
+ elements are indicated by ``1``.
+ need_attn (bool, optional): return attention weights
+ need_head_weights (bool, optional): return attention weights
+ for each head (default: return average over heads).
+
+ Returns:
+ encoded output of shape `(seq_len, batch, embed_dim)`
+ """
+ if need_head_weights:
+ need_attn = True
+
+ residual = x
+ x = self.self_attn_layer_norm(x)
+ if prev_self_attn_state is not None:
+ prev_key, prev_value = prev_self_attn_state[:2]
+ saved_state: Dict[str, Optional[Tensor]] = {
+ "prev_key": prev_key,
+ "prev_value": prev_value,
+ }
+ if len(prev_self_attn_state) >= 3:
+ saved_state["prev_key_padding_mask"] = prev_self_attn_state[2]
+ assert incremental_state is not None
+ self.self_attn._set_input_buffer(incremental_state, saved_state)
+ _self_attn_input_buffer = self.self_attn._get_input_buffer(incremental_state)
+ y = x
+
+ x, attn = self.self_attn(
+ query=x,
+ key=y,
+ value=y,
+ key_padding_mask=self_attn_padding_mask,
+ incremental_state=incremental_state,
+ need_weights=False,
+ attn_mask=self_attn_mask,
+ )
+ x = self.dropout_module(x)
+ x = self.residual_connection(x, residual)
+
+ if self.encoder_attn is not None and encoder_out is not None:
+ residual = x
+ x = self.encoder_attn_layer_norm(x)
+ if prev_attn_state is not None:
+ prev_key, prev_value = prev_attn_state[:2]
+ saved_state: Dict[str, Optional[Tensor]] = {
+ "prev_key": prev_key,
+ "prev_value": prev_value,
+ }
+ if len(prev_attn_state) >= 3:
+ saved_state["prev_key_padding_mask"] = prev_attn_state[2]
+ assert incremental_state is not None
+ self.encoder_attn._set_input_buffer(incremental_state, saved_state)
+
+ x, attn = self.encoder_attn(
+ query=x,
+ key=encoder_out,
+ value=encoder_out,
+ key_padding_mask=encoder_padding_mask,
+ incremental_state=incremental_state,
+ static_kv=True,
+ need_weights=need_attn or (not self.training and self.need_attn),
+ need_head_weights=need_head_weights,
+ )
+ x = self.dropout_module(x)
+ x = self.residual_connection(x, residual)
+
+ residual = x
+ x = self.final_layer_norm(x)
+
+ x = self.activation_fn(self.fc1(x))
+ if self.ffn_layernorm is not None:
+ x = self.ffn_layernorm(x)
+ x = self.fc2(x)
+ x = self.dropout_module(x)
+ if self.w_resid is not None:
+ residual = torch.mul(self.w_resid, residual)
+ x = self.residual_connection(x, residual)
+ return x, attn, None
diff --git a/esm/inverse_folding/util.py b/esm/inverse_folding/util.py
new file mode 100644
index 0000000000000000000000000000000000000000..ec8e88ef99da119d51a4d773de63ec67409b4ff9
--- /dev/null
+++ b/esm/inverse_folding/util.py
@@ -0,0 +1,323 @@
+# Copyright (c) Meta Platforms, Inc. and affiliates.
+#
+# This source code is licensed under the MIT license found in the
+# LICENSE file in the root directory of this source tree.
+
+import json
+import math
+
+import biotite.structure
+from biotite.structure.io import pdbx, pdb
+from biotite.structure.residues import get_residues
+from biotite.structure import filter_backbone
+from biotite.structure import get_chains
+from biotite.sequence import ProteinSequence
+import numpy as np
+# from scipy.spatial import transform
+# from scipy.stats import special_ortho_group
+import torch
+# import torch.nn as nn
+import torch.nn.functional as F
+# import torch.utils.data as data
+from typing import Sequence, Tuple, List
+
+from esm.data import BatchConverter
+
+
+def load_structure(fpath, chain=None):
+ """
+ Args:
+ fpath: filepath to either pdb or cif file
+ chain: the chain id or list of chain ids to load
+ Returns:
+ biotite.structure.AtomArray
+ """
+ if fpath.endswith('cif'):
+ with open(fpath) as fin:
+ pdbxf = pdbx.PDBxFile.read(fin)
+ structure = pdbx.get_structure(pdbxf, model=1)
+ elif fpath.endswith('pdb'):
+ with open(fpath) as fin:
+ pdbf = pdb.PDBFile.read(fin)
+ structure = pdb.get_structure(pdbf, model=1)
+ bbmask = filter_backbone(structure)
+ structure = structure[bbmask]
+ all_chains = get_chains(structure)
+ if len(all_chains) == 0:
+ raise ValueError('No chains found in the input file.')
+ if chain is None:
+ chain_ids = all_chains
+ elif isinstance(chain, list):
+ chain_ids = chain
+ else:
+ chain_ids = [chain]
+ for chain in chain_ids:
+ if chain not in all_chains:
+ raise ValueError(f'Chain {chain} not found in input file')
+ chain_filter = [a.chain_id in chain_ids for a in structure]
+ structure = structure[chain_filter]
+ return structure
+
+
+def extract_coords_from_structure(structure: biotite.structure.AtomArray):
+ """
+ Args:
+ structure: An instance of biotite AtomArray
+ Returns:
+ Tuple (coords, seq)
+ - coords is an L x 3 x 3 array for N, CA, C coordinates
+ - seq is the extracted sequence
+ """
+ coords = get_atom_coords_residuewise(["N", "CA", "C"], structure)
+ residue_identities = get_residues(structure)[1]
+ seq = ''.join([ProteinSequence.convert_letter_3to1(r) for r in residue_identities])
+ return coords, seq
+
+
+def load_coords(fpath, chain):
+ """
+ Args:
+ fpath: filepath to either pdb or cif file
+ chain: the chain id
+ Returns:
+ Tuple (coords, seq)
+ - coords is an L x 3 x 3 array for N, CA, C coordinates
+ - seq is the extracted sequence
+ """
+ structure = load_structure(fpath, chain)
+ return extract_coords_from_structure(structure)
+
+
+def get_atom_coords_residuewise(atoms: List[str], struct: biotite.structure.AtomArray):
+ """
+ Example for atoms argument: ["N", "CA", "C"]
+ """
+ def filterfn(s, axis=None):
+ filters = np.stack([s.atom_name == name for name in atoms], axis=1)
+ sum = filters.sum(0)
+ if not np.all(sum <= np.ones(filters.shape[1])):
+ raise RuntimeError("structure has multiple atoms with same name")
+ index = filters.argmax(0)
+ coords = s[index].coord
+ coords[sum == 0] = float("nan")
+ return coords
+
+ return biotite.structure.apply_residue_wise(struct, struct, filterfn)
+
+
+def get_sequence_loss(model, alphabet, coords, seq):
+ device = next(model.parameters()).device
+ batch_converter = CoordBatchConverter(alphabet)
+ batch = [(coords, None, seq)]
+ coords, confidence, strs, tokens, padding_mask = batch_converter(
+ batch, device=device)
+
+ prev_output_tokens = tokens[:, :-1].to(device)
+ target = tokens[:, 1:]
+ target_padding_mask = (target == alphabet.padding_idx)
+ logits, _ = model.forward(coords, padding_mask, confidence, prev_output_tokens)
+ loss = F.cross_entropy(logits, target, reduction='none')
+ loss = loss[0].cpu().detach().numpy()
+ target_padding_mask = target_padding_mask[0].cpu().numpy()
+ return loss, target_padding_mask
+
+
+def score_sequence(model, alphabet, coords, seq):
+ loss, target_padding_mask = get_sequence_loss(model, alphabet, coords, seq)
+ ll_fullseq = -np.sum(loss * ~target_padding_mask) / np.sum(~target_padding_mask)
+ # Also calculate average when excluding masked portions
+ coord_mask = np.all(np.isfinite(coords), axis=(-1, -2))
+ ll_withcoord = -np.sum(loss * coord_mask) / np.sum(coord_mask)
+ return ll_fullseq, ll_withcoord
+
+
+def get_encoder_output(model, alphabet, coords):
+ device = next(model.parameters()).device
+ batch_converter = CoordBatchConverter(alphabet)
+ batch = [(coords, None, seq)]
+ coords, confidence, strs, tokens, padding_mask = batch_converter(
+ batch, device=device)
+ encoder_out = model.encoder.forward(coords, padding_mask, confidence,
+ return_all_hiddens=False)
+ # remove beginning and end (bos and eos tokens)
+ return encoder_out['encoder_out'][0][1:-1, 0]
+
+
+def rotate(v, R):
+ """
+ Rotates a vector by a rotation matrix.
+
+ Args:
+ v: 3D vector, tensor of shape (length x batch_size x channels x 3)
+ R: rotation matrix, tensor of shape (length x batch_size x 3 x 3)
+
+ Returns:
+ Rotated version of v by rotation matrix R.
+ """
+ R = R.unsqueeze(-3)
+ v = v.unsqueeze(-1)
+ return torch.sum(v * R, dim=-2)
+
+
+def get_rotation_frames(coords):
+ """
+ Returns a local rotation frame defined by N, CA, C positions.
+
+ Args:
+ coords: coordinates, tensor of shape (batch_size x length x 3 x 3)
+ where the third dimension is in order of N, CA, C
+
+ Returns:
+ Local relative rotation frames in shape (batch_size x length x 3 x 3)
+ """
+ v1 = coords[:, :, 2] - coords[:, :, 1]
+ v2 = coords[:, :, 0] - coords[:, :, 1]
+ e1 = normalize(v1, dim=-1)
+ u2 = v2 - e1 * torch.sum(e1 * v2, dim=-1, keepdim=True)
+ e2 = normalize(u2, dim=-1)
+ e3 = torch.cross(e1, e2, dim=-1)
+ R = torch.stack([e1, e2, e3], dim=-2)
+ return R
+
+
+def nan_to_num(ts, val=0.0):
+ """
+ Replaces nans in tensor with a fixed value.
+ """
+ val = torch.tensor(val, dtype=ts.dtype, device=ts.device)
+ return torch.where(~torch.isfinite(ts), val, ts)
+
+
+def rbf(values, v_min, v_max, n_bins=16):
+ """
+ Returns RBF encodings in a new dimension at the end.
+ """
+ rbf_centers = torch.linspace(v_min, v_max, n_bins, device=values.device)
+ rbf_centers = rbf_centers.view([1] * len(values.shape) + [-1])
+ rbf_std = (v_max - v_min) / n_bins
+ v_expand = torch.unsqueeze(values, -1)
+ z = (values.unsqueeze(-1) - rbf_centers) / rbf_std
+ return torch.exp(-z ** 2)
+
+
+def norm(tensor, dim, eps=1e-8, keepdim=False):
+ """
+ Returns L2 norm along a dimension.
+ """
+ return torch.sqrt(
+ torch.sum(torch.square(tensor), dim=dim, keepdim=keepdim) + eps)
+
+
+def normalize(tensor, dim=-1):
+ """
+ Normalizes a tensor along a dimension after removing nans.
+ """
+ return nan_to_num(
+ torch.div(tensor, norm(tensor, dim=dim, keepdim=True))
+ )
+
+
+class CoordBatchConverter(BatchConverter):
+ def __call__(self, raw_batch: Sequence[Tuple[Sequence, str]], device=None):
+ """
+ Args:
+ raw_batch: List of tuples (coords, confidence, seq)
+ In each tuple,
+ coords: list of floats, shape L x 3 x 3
+ confidence: list of floats, shape L; or scalar float; or None
+ seq: string of length L
+ Returns:
+ coords: Tensor of shape batch_size x L x 3 x 3
+ confidence: Tensor of shape batch_size x L
+ strs: list of strings
+ tokens: LongTensor of shape batch_size x L
+ padding_mask: ByteTensor of shape batch_size x L
+ """
+ self.alphabet.cls_idx = self.alphabet.get_idx("")
+ batch = []
+ for coords, confidence, seq in raw_batch:
+ if confidence is None:
+ confidence = 1.
+ if isinstance(confidence, float) or isinstance(confidence, int):
+ confidence = [float(confidence)] * len(coords)
+ if seq is None:
+ seq = 'X' * len(coords)
+ batch.append(((coords, confidence), seq))
+
+ coords_and_confidence, strs, tokens = super().__call__(batch)
+
+ # pad beginning and end of each protein due to legacy reasons
+ coords = [
+ F.pad(torch.tensor(cd), (0, 0, 0, 0, 1, 1), value=np.inf)
+ for cd, _ in coords_and_confidence
+ ]
+ confidence = [
+ F.pad(torch.tensor(cf), (1, 1), value=-1.)
+ for _, cf in coords_and_confidence
+ ]
+ coords = self.collate_dense_tensors(coords, pad_v=np.nan)
+ confidence = self.collate_dense_tensors(confidence, pad_v=-1.)
+ if device is not None:
+ coords = coords.to(device)
+ confidence = confidence.to(device)
+ tokens = tokens.to(device)
+ padding_mask = torch.isnan(coords[:,:,0,0])
+ coord_mask = torch.isfinite(coords.sum(-2).sum(-1))
+ confidence = confidence * coord_mask + (-1.) * padding_mask
+ return coords, confidence, strs, tokens, padding_mask
+
+ def from_lists(self, coords_list, confidence_list=None, seq_list=None, device=None):
+ """
+ Args:
+ coords_list: list of length batch_size, each item is a list of
+ floats in shape L x 3 x 3 to describe a backbone
+ confidence_list: one of
+ - None, default to highest confidence
+ - list of length batch_size, each item is a scalar
+ - list of length batch_size, each item is a list of floats of
+ length L to describe the confidence scores for the backbone
+ with values between 0. and 1.
+ seq_list: either None or a list of strings
+ Returns:
+ coords: Tensor of shape batch_size x L x 3 x 3
+ confidence: Tensor of shape batch_size x L
+ strs: list of strings
+ tokens: LongTensor of shape batch_size x L
+ padding_mask: ByteTensor of shape batch_size x L
+ """
+ batch_size = len(coords_list)
+ if confidence_list is None:
+ confidence_list = [None] * batch_size
+ if seq_list is None:
+ seq_list = [None] * batch_size
+ raw_batch = zip(coords_list, confidence_list, seq_list)
+ return self.__call__(raw_batch, device)
+
+ @staticmethod
+ def collate_dense_tensors(samples, pad_v):
+ """
+ Takes a list of tensors with the following dimensions:
+ [(d_11, ..., d_1K),
+ (d_21, ..., d_2K),
+ ...,
+ (d_N1, ..., d_NK)]
+ and stack + pads them into a single tensor of:
+ (N, max_i=1,N { d_i1 }, ..., max_i=1,N {diK})
+ """
+ if len(samples) == 0:
+ return torch.Tensor()
+ if len(set(x.dim() for x in samples)) != 1:
+ raise RuntimeError(
+ f"Samples has varying dimensions: {[x.dim() for x in samples]}"
+ )
+ (device,) = tuple(set(x.device for x in samples)) # assumes all on same device
+ max_shape = [max(lst) for lst in zip(*[x.shape for x in samples])]
+ result = torch.empty(
+ len(samples), *max_shape, dtype=samples[0].dtype, device=device
+ )
+ result.fill_(pad_v)
+ for i in range(len(samples)):
+ result_i = result[i]
+ t = samples[i]
+ result_i[tuple(slice(0, k) for k in t.shape)] = t
+ return result
diff --git a/esm/model/__init__.py b/esm/model/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..8b137891791fe96927ad78e64b0aad7bded08bdc
--- /dev/null
+++ b/esm/model/__init__.py
@@ -0,0 +1 @@
+
diff --git a/esm/model/__pycache__/__init__.cpython-310.pyc b/esm/model/__pycache__/__init__.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..90e11594ed2fd883e959389dfb84fb187c7fc100
Binary files /dev/null and b/esm/model/__pycache__/__init__.cpython-310.pyc differ
diff --git a/esm/model/__pycache__/esm1.cpython-310.pyc b/esm/model/__pycache__/esm1.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..06c23dba1b579a84eaebf3eaabfe14faba70e15e
Binary files /dev/null and b/esm/model/__pycache__/esm1.cpython-310.pyc differ
diff --git a/esm/model/__pycache__/esm2.cpython-310.pyc b/esm/model/__pycache__/esm2.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..f5413e55bc3ec97ff2c728fa0bab51b7adf96a68
Binary files /dev/null and b/esm/model/__pycache__/esm2.cpython-310.pyc differ
diff --git a/esm/model/__pycache__/msa_transformer.cpython-310.pyc b/esm/model/__pycache__/msa_transformer.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..4a8828b3c9c88e5598059707166961b338e49488
Binary files /dev/null and b/esm/model/__pycache__/msa_transformer.cpython-310.pyc differ
diff --git a/esm/model/esm1.py b/esm/model/esm1.py
new file mode 100644
index 0000000000000000000000000000000000000000..6a8c002143e845b56b1e94eca46f6ad2357d2c66
--- /dev/null
+++ b/esm/model/esm1.py
@@ -0,0 +1,200 @@
+# Copyright (c) Meta Platforms, Inc. and affiliates.
+#
+# This source code is licensed under the MIT license found in the
+# LICENSE file in the root directory of this source tree.
+
+import math
+
+import torch
+import torch.nn as nn
+import torch.nn.functional as F
+
+from ..modules import (
+ TransformerLayer,
+ LearnedPositionalEmbedding,
+ SinusoidalPositionalEmbedding,
+ RobertaLMHead,
+ ESM1bLayerNorm,
+ ContactPredictionHead,
+)
+
+
+class ProteinBertModel(nn.Module):
+ @classmethod
+ def add_args(cls, parser):
+ parser.add_argument(
+ "--num_layers", default=36, type=int, metavar="N", help="number of layers"
+ )
+ parser.add_argument(
+ "--embed_dim", default=1280, type=int, metavar="N", help="embedding dimension"
+ )
+ parser.add_argument(
+ "--logit_bias", action="store_true", help="whether to apply bias to logits"
+ )
+ parser.add_argument(
+ "--ffn_embed_dim",
+ default=5120,
+ type=int,
+ metavar="N",
+ help="embedding dimension for FFN",
+ )
+ parser.add_argument(
+ "--attention_heads",
+ default=20,
+ type=int,
+ metavar="N",
+ help="number of attention heads",
+ )
+
+ def __init__(self, args, alphabet):
+ super().__init__()
+ self.args = args
+ self.alphabet_size = len(alphabet)
+ self.padding_idx = alphabet.padding_idx
+ self.mask_idx = alphabet.mask_idx
+ self.cls_idx = alphabet.cls_idx
+ self.eos_idx = alphabet.eos_idx
+ self.prepend_bos = alphabet.prepend_bos
+ self.append_eos = alphabet.append_eos
+ self.emb_layer_norm_before = getattr(self.args, "emb_layer_norm_before", False)
+ if self.args.arch == "roberta_large":
+ self.model_version = "ESM-1b"
+ self._init_submodules_esm1b()
+ else:
+ self.model_version = "ESM-1"
+ self._init_submodules_esm1()
+
+ def _init_submodules_common(self):
+ self.embed_tokens = nn.Embedding(
+ self.alphabet_size, self.args.embed_dim, padding_idx=self.padding_idx
+ )
+ self.layers = nn.ModuleList(
+ [
+ TransformerLayer(
+ self.args.embed_dim,
+ self.args.ffn_embed_dim,
+ self.args.attention_heads,
+ add_bias_kv=(self.model_version != "ESM-1b"),
+ use_esm1b_layer_norm=(self.model_version == "ESM-1b"),
+ )
+ for _ in range(self.args.layers)
+ ]
+ )
+
+ self.contact_head = ContactPredictionHead(
+ self.args.layers * self.args.attention_heads,
+ self.prepend_bos,
+ self.append_eos,
+ eos_idx=self.eos_idx,
+ )
+
+ def _init_submodules_esm1b(self):
+ self._init_submodules_common()
+ self.embed_scale = 1
+ self.embed_positions = LearnedPositionalEmbedding(
+ self.args.max_positions, self.args.embed_dim, self.padding_idx
+ )
+ self.emb_layer_norm_before = (
+ ESM1bLayerNorm(self.args.embed_dim) if self.emb_layer_norm_before else None
+ )
+ self.emb_layer_norm_after = ESM1bLayerNorm(self.args.embed_dim)
+ self.lm_head = RobertaLMHead(
+ embed_dim=self.args.embed_dim,
+ output_dim=self.alphabet_size,
+ weight=self.embed_tokens.weight,
+ )
+
+ def _init_submodules_esm1(self):
+ self._init_submodules_common()
+ self.embed_scale = math.sqrt(self.args.embed_dim)
+ self.embed_positions = SinusoidalPositionalEmbedding(self.args.embed_dim, self.padding_idx)
+ self.embed_out = nn.Parameter(torch.zeros((self.alphabet_size, self.args.embed_dim)))
+ self.embed_out_bias = None
+ if self.args.final_bias:
+ self.embed_out_bias = nn.Parameter(torch.zeros(self.alphabet_size))
+
+ def forward(self, tokens, repr_layers=[], need_head_weights=False, return_contacts=False):
+ if return_contacts:
+ need_head_weights = True
+
+ assert tokens.ndim == 2
+ padding_mask = tokens.eq(self.padding_idx) # B, T
+
+ x = self.embed_scale * self.embed_tokens(tokens)
+
+ if getattr(self.args, "token_dropout", False):
+ x.masked_fill_((tokens == self.mask_idx).unsqueeze(-1), 0.0)
+ # x: B x T x C
+ mask_ratio_train = 0.15 * 0.8
+ src_lengths = (~padding_mask).sum(-1)
+ mask_ratio_observed = (tokens == self.mask_idx).sum(-1).float() / src_lengths
+ x = x * (1 - mask_ratio_train) / (1 - mask_ratio_observed)[:, None, None]
+
+ x = x + self.embed_positions(tokens)
+
+ if self.model_version == "ESM-1b":
+ if self.emb_layer_norm_before:
+ x = self.emb_layer_norm_before(x)
+ if padding_mask is not None:
+ x = x * (1 - padding_mask.unsqueeze(-1).type_as(x))
+
+ repr_layers = set(repr_layers)
+ hidden_representations = {}
+ if 0 in repr_layers:
+ hidden_representations[0] = x
+
+ if need_head_weights:
+ attn_weights = []
+
+ # (B, T, E) => (T, B, E)
+ x = x.transpose(0, 1)
+
+ if not padding_mask.any():
+ padding_mask = None
+
+ for layer_idx, layer in enumerate(self.layers):
+ x, attn = layer(
+ x, self_attn_padding_mask=padding_mask, need_head_weights=need_head_weights
+ )
+ if (layer_idx + 1) in repr_layers:
+ hidden_representations[layer_idx + 1] = x.transpose(0, 1)
+ if need_head_weights:
+ # (H, B, T, T) => (B, H, T, T)
+ attn_weights.append(attn.transpose(1, 0))
+
+ if self.model_version == "ESM-1b":
+ x = self.emb_layer_norm_after(x)
+ x = x.transpose(0, 1) # (T, B, E) => (B, T, E)
+
+ # last hidden representation should have layer norm applied
+ if (layer_idx + 1) in repr_layers:
+ hidden_representations[layer_idx + 1] = x
+ x = self.lm_head(x)
+ else:
+ x = F.linear(x, self.embed_out, bias=self.embed_out_bias)
+ x = x.transpose(0, 1) # (T, B, E) => (B, T, E)
+
+ result = {"logits": x, "representations": hidden_representations}
+ if need_head_weights:
+ # attentions: B x L x H x T x T
+ attentions = torch.stack(attn_weights, 1)
+ if self.model_version == "ESM-1":
+ # ESM-1 models have an additional null-token for attention, which we remove
+ attentions = attentions[..., :-1]
+ if padding_mask is not None:
+ attention_mask = 1 - padding_mask.type_as(attentions)
+ attention_mask = attention_mask.unsqueeze(1) * attention_mask.unsqueeze(2)
+ attentions = attentions * attention_mask[:, None, None, :, :]
+ result["attentions"] = attentions
+ if return_contacts:
+ contacts = self.contact_head(tokens, attentions)
+ result["contacts"] = contacts
+
+ return result
+
+ def predict_contacts(self, tokens):
+ return self(tokens, return_contacts=True)["contacts"]
+
+ @property
+ def num_layers(self):
+ return self.args.layers
diff --git a/esm/model/esm2.py b/esm/model/esm2.py
new file mode 100644
index 0000000000000000000000000000000000000000..4933307aaf24f51e9e42ec6ad7772c4c78456b5e
--- /dev/null
+++ b/esm/model/esm2.py
@@ -0,0 +1,147 @@
+# Copyright (c) Meta Platforms, Inc. and affiliates.
+#
+# This source code is licensed under the MIT license found in the
+# LICENSE file in the root directory of this source tree.
+
+from typing import Union
+import torch
+import torch.nn as nn
+
+import esm
+from esm.modules import ContactPredictionHead, ESM1bLayerNorm, RobertaLMHead, TransformerLayer
+
+
+class ESM2(nn.Module):
+ def __init__(
+ self,
+ num_layers: int = 33,
+ embed_dim: int = 1280,
+ attention_heads: int = 20,
+ alphabet: Union[esm.data.Alphabet, str] = "ESM-1b",
+ token_dropout: bool = True,
+ ):
+ super().__init__()
+ self.num_layers = num_layers
+ self.embed_dim = embed_dim
+ self.attention_heads = attention_heads
+ if not isinstance(alphabet, esm.data.Alphabet):
+ alphabet = esm.data.Alphabet.from_architecture(alphabet)
+ self.alphabet = alphabet
+ self.alphabet_size = len(alphabet)
+ self.padding_idx = alphabet.padding_idx
+ self.mask_idx = alphabet.mask_idx
+ self.cls_idx = alphabet.cls_idx
+ self.eos_idx = alphabet.eos_idx
+ self.prepend_bos = alphabet.prepend_bos
+ self.append_eos = alphabet.append_eos
+ self.token_dropout = token_dropout
+
+ self._init_submodules()
+
+ def _init_submodules(self):
+ self.embed_scale = 1
+ self.embed_tokens = nn.Embedding(
+ self.alphabet_size,
+ self.embed_dim,
+ padding_idx=self.padding_idx,
+ )
+
+ self.layers = nn.ModuleList(
+ [
+ TransformerLayer(
+ self.embed_dim,
+ 4 * self.embed_dim,
+ self.attention_heads,
+ add_bias_kv=False,
+ use_esm1b_layer_norm=True,
+ use_rotary_embeddings=True,
+ )
+ for _ in range(self.num_layers)
+ ]
+ )
+
+ self.contact_head = ContactPredictionHead(
+ self.num_layers * self.attention_heads,
+ self.prepend_bos,
+ self.append_eos,
+ eos_idx=self.eos_idx,
+ )
+ self.emb_layer_norm_after = ESM1bLayerNorm(self.embed_dim)
+
+ self.lm_head = RobertaLMHead(
+ embed_dim=self.embed_dim,
+ output_dim=self.alphabet_size,
+ weight=self.embed_tokens.weight,
+ )
+
+ def forward(self, tokens, repr_layers=[], need_head_weights=False, return_contacts=False):
+ if return_contacts:
+ need_head_weights = True
+
+ assert tokens.ndim == 2
+ padding_mask = tokens.eq(self.padding_idx) # B, T
+
+ x = self.embed_scale * self.embed_tokens(tokens)
+
+ if self.token_dropout:
+ x.masked_fill_((tokens == self.mask_idx).unsqueeze(-1), 0.0)
+ # x: B x T x C
+ mask_ratio_train = 0.15 * 0.8
+ src_lengths = (~padding_mask).sum(-1)
+ mask_ratio_observed = (tokens == self.mask_idx).sum(-1).to(x.dtype) / src_lengths
+ x = x * (1 - mask_ratio_train) / (1 - mask_ratio_observed)[:, None, None]
+
+ if padding_mask is not None:
+ x = x * (1 - padding_mask.unsqueeze(-1).type_as(x))
+
+ repr_layers = set(repr_layers)
+ hidden_representations = {}
+ if 0 in repr_layers:
+ hidden_representations[0] = x
+
+ if need_head_weights:
+ attn_weights = []
+
+ # (B, T, E) => (T, B, E)
+ x = x.transpose(0, 1)
+
+ if not padding_mask.any():
+ padding_mask = None
+
+ for layer_idx, layer in enumerate(self.layers):
+ x, attn = layer(
+ x,
+ self_attn_padding_mask=padding_mask,
+ need_head_weights=need_head_weights,
+ )
+ if (layer_idx + 1) in repr_layers:
+ hidden_representations[layer_idx + 1] = x.transpose(0, 1)
+ if need_head_weights:
+ # (H, B, T, T) => (B, H, T, T)
+ attn_weights.append(attn.transpose(1, 0))
+
+ x = self.emb_layer_norm_after(x)
+ x = x.transpose(0, 1) # (T, B, E) => (B, T, E)
+
+ # last hidden representation should have layer norm applied
+ if (layer_idx + 1) in repr_layers:
+ hidden_representations[layer_idx + 1] = x
+ x = self.lm_head(x)
+
+ result = {"logits": x, "representations": hidden_representations}
+ if need_head_weights:
+ # attentions: B x L x H x T x T
+ attentions = torch.stack(attn_weights, 1)
+ if padding_mask is not None:
+ attention_mask = 1 - padding_mask.type_as(attentions)
+ attention_mask = attention_mask.unsqueeze(1) * attention_mask.unsqueeze(2)
+ attentions = attentions * attention_mask[:, None, None, :, :]
+ result["attentions"] = attentions
+ if return_contacts:
+ contacts = self.contact_head(tokens, attentions)
+ result["contacts"] = contacts
+
+ return result
+
+ def predict_contacts(self, tokens):
+ return self(tokens, return_contacts=True)["contacts"]
diff --git a/esm/model/msa_transformer.py b/esm/model/msa_transformer.py
new file mode 100644
index 0000000000000000000000000000000000000000..1107312c24092cb1c8a9325afd6b2a03c7523f22
--- /dev/null
+++ b/esm/model/msa_transformer.py
@@ -0,0 +1,238 @@
+# Copyright (c) Meta Platforms, Inc. and affiliates.
+#
+# This source code is licensed under the MIT license found in the
+# LICENSE file in the root directory of this source tree.
+
+import torch
+import torch.nn as nn
+
+from ..modules import (
+ AxialTransformerLayer,
+ LearnedPositionalEmbedding,
+ RobertaLMHead,
+ ESM1bLayerNorm,
+ ContactPredictionHead,
+)
+
+from ..axial_attention import RowSelfAttention, ColumnSelfAttention
+
+
+
+class MSATransformer(nn.Module):
+ @classmethod
+ def add_args(cls, parser):
+ # fmt: off
+ parser.add_argument(
+ "--num_layers",
+ default=12,
+ type=int,
+ metavar="N",
+ help="number of layers"
+ )
+ parser.add_argument(
+ "--embed_dim",
+ default=768,
+ type=int,
+ metavar="N",
+ help="embedding dimension"
+ )
+ parser.add_argument(
+ "--logit_bias",
+ action="store_true",
+ help="whether to apply bias to logits"
+ )
+ parser.add_argument(
+ "--ffn_embed_dim",
+ default=3072,
+ type=int,
+ metavar="N",
+ help="embedding dimension for FFN",
+ )
+ parser.add_argument(
+ "--attention_heads",
+ default=12,
+ type=int,
+ metavar="N",
+ help="number of attention heads",
+ )
+ parser.add_argument(
+ "--dropout",
+ default=0.1,
+ type=float,
+ help="Dropout to apply."
+ )
+ parser.add_argument(
+ "--attention_dropout",
+ default=0.1,
+ type=float,
+ help="Dropout to apply."
+ )
+ parser.add_argument(
+ "--activation_dropout",
+ default=0.1,
+ type=float,
+ help="Dropout to apply."
+ )
+ parser.add_argument(
+ "--max_tokens_per_msa",
+ default=2 ** 14,
+ type=int,
+ help=(
+ "Used during inference to batch attention computations in a single "
+ "forward pass. This allows increased input sizes with less memory."
+ ),
+ )
+ # fmt: on
+
+ def __init__(self, args, alphabet):
+ super().__init__()
+ self.args = args
+ self.alphabet_size = len(alphabet)
+ self.padding_idx = alphabet.padding_idx
+ self.mask_idx = alphabet.mask_idx
+ self.cls_idx = alphabet.cls_idx
+ self.eos_idx = alphabet.eos_idx
+ self.prepend_bos = alphabet.prepend_bos
+ self.append_eos = alphabet.append_eos
+
+ self.embed_tokens = nn.Embedding(
+ self.alphabet_size, self.args.embed_dim, padding_idx=self.padding_idx
+ )
+
+ if getattr(self.args, "embed_positions_msa", False):
+ emb_dim = getattr(self.args, "embed_positions_msa_dim", self.args.embed_dim)
+ self.msa_position_embedding = nn.Parameter(
+ 0.01 * torch.randn(1, 1024, 1, emb_dim),
+ requires_grad=True,
+ )
+ else:
+ self.register_parameter("msa_position_embedding", None)
+
+ self.dropout_module = nn.Dropout(self.args.dropout)
+ self.layers = nn.ModuleList(
+ [
+ AxialTransformerLayer(
+ self.args.embed_dim,
+ self.args.ffn_embed_dim,
+ self.args.attention_heads,
+ self.args.dropout,
+ self.args.attention_dropout,
+ self.args.activation_dropout,
+ getattr(self.args, "max_tokens_per_msa", self.args.max_tokens),
+ )
+ for _ in range(self.args.layers)
+ ]
+ )
+
+ self.contact_head = ContactPredictionHead(
+ self.args.layers * self.args.attention_heads,
+ self.prepend_bos,
+ self.append_eos,
+ eos_idx=self.eos_idx,
+ )
+ self.embed_positions = LearnedPositionalEmbedding(
+ self.args.max_positions,
+ self.args.embed_dim,
+ self.padding_idx,
+ )
+ self.emb_layer_norm_before = ESM1bLayerNorm(self.args.embed_dim)
+ self.emb_layer_norm_after = ESM1bLayerNorm(self.args.embed_dim)
+ self.lm_head = RobertaLMHead(
+ embed_dim=self.args.embed_dim,
+ output_dim=self.alphabet_size,
+ weight=self.embed_tokens.weight,
+ )
+
+ def forward(self, tokens, repr_layers=[], need_head_weights=False, return_contacts=False):
+ if return_contacts:
+ need_head_weights = True
+
+ assert tokens.ndim == 3
+ batch_size, num_alignments, seqlen = tokens.size()
+ padding_mask = tokens.eq(self.padding_idx) # B, R, C
+ if not padding_mask.any():
+ padding_mask = None
+
+ x = self.embed_tokens(tokens)
+ x += self.embed_positions(tokens.view(batch_size * num_alignments, seqlen)).view(x.size())
+ if self.msa_position_embedding is not None:
+ if x.size(1) > 1024:
+ raise RuntimeError(
+ "Using model with MSA position embedding trained on maximum MSA "
+ f"depth of 1024, but received {x.size(1)} alignments."
+ )
+ x += self.msa_position_embedding[:, :num_alignments]
+
+ x = self.emb_layer_norm_before(x)
+
+ x = self.dropout_module(x)
+
+ if padding_mask is not None:
+ x = x * (1 - padding_mask.unsqueeze(-1).type_as(x))
+
+ repr_layers = set(repr_layers)
+ hidden_representations = {}
+ if 0 in repr_layers:
+ hidden_representations[0] = x
+
+ if need_head_weights:
+ row_attn_weights = []
+ col_attn_weights = []
+
+ # B x R x C x D -> R x C x B x D
+ x = x.permute(1, 2, 0, 3)
+
+ for layer_idx, layer in enumerate(self.layers):
+ x = layer(
+ x,
+ self_attn_padding_mask=padding_mask,
+ need_head_weights=need_head_weights,
+ )
+ if need_head_weights:
+ x, col_attn, row_attn = x
+ # H x C x B x R x R -> B x H x C x R x R
+ col_attn_weights.append(col_attn.permute(2, 0, 1, 3, 4))
+ # H x B x C x C -> B x H x C x C
+ row_attn_weights.append(row_attn.permute(1, 0, 2, 3))
+ if (layer_idx + 1) in repr_layers:
+ hidden_representations[layer_idx + 1] = x.permute(2, 0, 1, 3)
+
+ x = self.emb_layer_norm_after(x)
+ x = x.permute(2, 0, 1, 3) # R x C x B x D -> B x R x C x D
+
+ # last hidden representation should have layer norm applied
+ if (layer_idx + 1) in repr_layers:
+ hidden_representations[layer_idx + 1] = x
+ x = self.lm_head(x)
+
+ result = {"logits": x, "representations": hidden_representations}
+ if need_head_weights:
+ # col_attentions: B x L x H x C x R x R
+ col_attentions = torch.stack(col_attn_weights, 1)
+ # row_attentions: B x L x H x C x C
+ row_attentions = torch.stack(row_attn_weights, 1)
+ result["col_attentions"] = col_attentions
+ result["row_attentions"] = row_attentions
+ if return_contacts:
+ contacts = self.contact_head(tokens, row_attentions)
+ result["contacts"] = contacts
+
+ return result
+
+ def predict_contacts(self, tokens):
+ return self(tokens, return_contacts=True)["contacts"]
+
+ @property
+ def num_layers(self):
+ return self.args.layers
+
+ def max_tokens_per_msa_(self, value: int) -> None:
+ """The MSA Transformer automatically batches attention computations when
+ gradients are disabled to allow you to pass in larger MSAs at test time than
+ you can fit in GPU memory. By default this occurs when more than 2^14 tokens
+ are passed in the input MSA. You can set this value to infinity to disable
+ this behavior.
+ """
+ for module in self.modules():
+ if isinstance(module, (RowSelfAttention, ColumnSelfAttention)):
+ module.max_tokens_per_msa = value
diff --git a/esm/modules.py b/esm/modules.py
new file mode 100644
index 0000000000000000000000000000000000000000..80297d9700ad921672b0daa3d661fc3e8f858a06
--- /dev/null
+++ b/esm/modules.py
@@ -0,0 +1,418 @@
+# Copyright (c) Meta Platforms, Inc. and affiliates.
+#
+# This source code is licensed under the MIT license found in the
+# LICENSE file in the root directory of this source tree.
+
+import math
+from typing import Optional
+
+import torch
+import torch.nn as nn
+import torch.nn.functional as F
+
+from .multihead_attention import MultiheadAttention # noqa
+from .axial_attention import ColumnSelfAttention, RowSelfAttention
+
+
+def gelu(x):
+ """Implementation of the gelu activation function.
+
+ For information: OpenAI GPT's gelu is slightly different
+ (and gives slightly different results):
+ 0.5 * x * (1 + torch.tanh(math.sqrt(2 / math.pi) * (x + 0.044715 * torch.pow(x, 3))))
+ """
+ return x * 0.5 * (1.0 + torch.erf(x / math.sqrt(2.0)))
+
+
+def symmetrize(x):
+ "Make layer symmetric in final two dimensions, used for contact prediction."
+ return x + x.transpose(-1, -2)
+
+
+def apc(x):
+ "Perform average product correct, used for contact prediction."
+ a1 = x.sum(-1, keepdims=True)
+ a2 = x.sum(-2, keepdims=True)
+ a12 = x.sum((-1, -2), keepdims=True)
+
+ avg = a1 * a2
+ avg.div_(a12) # in-place to reduce memory
+ normalized = x - avg
+ return normalized
+
+
+class ESM1LayerNorm(nn.Module):
+ def __init__(self, hidden_size, eps=1e-12, affine=True):
+ """Construct a layernorm layer in the TF style (eps inside the sqrt)."""
+ super().__init__()
+ self.hidden_size = (hidden_size,) if isinstance(hidden_size, int) else tuple(hidden_size)
+ self.eps = eps
+ self.affine = bool(affine)
+ if self.affine:
+ self.weight = nn.Parameter(torch.ones(hidden_size))
+ self.bias = nn.Parameter(torch.zeros(hidden_size))
+ else:
+ self.weight, self.bias = None, None
+
+ def forward(self, x):
+ dims = tuple(-(i + 1) for i in range(len(self.hidden_size)))
+ means = x.mean(dims, keepdim=True)
+ x_zeromean = x - means
+ variances = x_zeromean.pow(2).mean(dims, keepdim=True)
+ x = x_zeromean / torch.sqrt(variances + self.eps)
+ if self.affine:
+ x = (self.weight * x) + self.bias
+ return x
+
+
+try:
+ from apex.normalization import FusedLayerNorm as _FusedLayerNorm
+
+ class ESM1bLayerNorm(_FusedLayerNorm):
+ @torch.jit.unused
+ def forward(self, x):
+ if not x.is_cuda:
+ return super().forward(x)
+ else:
+ with torch.cuda.device(x.device):
+ return super().forward(x)
+
+except ImportError:
+ from torch.nn import LayerNorm as ESM1bLayerNorm
+
+
+class TransformerLayer(nn.Module):
+ """Transformer layer block."""
+
+ def __init__(
+ self,
+ embed_dim,
+ ffn_embed_dim,
+ attention_heads,
+ add_bias_kv=True,
+ use_esm1b_layer_norm=False,
+ use_rotary_embeddings: bool = False,
+ ):
+ super().__init__()
+ self.embed_dim = embed_dim
+ self.ffn_embed_dim = ffn_embed_dim
+ self.attention_heads = attention_heads
+ self.use_rotary_embeddings = use_rotary_embeddings
+ self._init_submodules(add_bias_kv, use_esm1b_layer_norm)
+
+ def _init_submodules(self, add_bias_kv, use_esm1b_layer_norm):
+ BertLayerNorm = ESM1bLayerNorm if use_esm1b_layer_norm else ESM1LayerNorm
+
+ self.self_attn = MultiheadAttention(
+ self.embed_dim,
+ self.attention_heads,
+ add_bias_kv=add_bias_kv,
+ add_zero_attn=False,
+ use_rotary_embeddings=self.use_rotary_embeddings,
+ )
+ self.self_attn_layer_norm = BertLayerNorm(self.embed_dim)
+
+ self.fc1 = nn.Linear(self.embed_dim, self.ffn_embed_dim)
+ self.fc2 = nn.Linear(self.ffn_embed_dim, self.embed_dim)
+
+ self.final_layer_norm = BertLayerNorm(self.embed_dim)
+
+ def forward(
+ self, x, self_attn_mask=None, self_attn_padding_mask=None, need_head_weights=False
+ ):
+ residual = x
+ x = self.self_attn_layer_norm(x)
+ x, attn = self.self_attn(
+ query=x,
+ key=x,
+ value=x,
+ key_padding_mask=self_attn_padding_mask,
+ need_weights=True,
+ need_head_weights=need_head_weights,
+ attn_mask=self_attn_mask,
+ )
+ x = residual + x
+
+ residual = x
+ x = self.final_layer_norm(x)
+ x = gelu(self.fc1(x))
+ x = self.fc2(x)
+ x = residual + x
+
+ return x, attn
+
+
+class AxialTransformerLayer(nn.Module):
+ """Implements an Axial MSA Transformer block."""
+
+ def __init__(
+ self,
+ embedding_dim: int = 768,
+ ffn_embedding_dim: int = 3072,
+ num_attention_heads: int = 8,
+ dropout: float = 0.1,
+ attention_dropout: float = 0.1,
+ activation_dropout: float = 0.1,
+ max_tokens_per_msa: int = 2**14,
+ ) -> None:
+ super().__init__()
+
+ # Initialize parameters
+ self.embedding_dim = embedding_dim
+ self.dropout_prob = dropout
+
+ row_self_attention = RowSelfAttention(
+ embedding_dim,
+ num_attention_heads,
+ dropout=dropout,
+ max_tokens_per_msa=max_tokens_per_msa,
+ )
+
+ column_self_attention = ColumnSelfAttention(
+ embedding_dim,
+ num_attention_heads,
+ dropout=dropout,
+ max_tokens_per_msa=max_tokens_per_msa,
+ )
+
+ feed_forward_layer = FeedForwardNetwork(
+ embedding_dim,
+ ffn_embedding_dim,
+ activation_dropout=activation_dropout,
+ max_tokens_per_msa=max_tokens_per_msa,
+ )
+
+ self.row_self_attention = self.build_residual(row_self_attention)
+ self.column_self_attention = self.build_residual(column_self_attention)
+ self.feed_forward_layer = self.build_residual(feed_forward_layer)
+
+ def build_residual(self, layer: nn.Module):
+ return NormalizedResidualBlock(
+ layer,
+ self.embedding_dim,
+ self.dropout_prob,
+ )
+
+ def forward(
+ self,
+ x: torch.Tensor,
+ self_attn_mask: Optional[torch.Tensor] = None,
+ self_attn_padding_mask: Optional[torch.Tensor] = None,
+ need_head_weights: bool = False,
+ ):
+ """
+ LayerNorm is applied either before or after the self-attention/ffn
+ modules similar to the original Transformer implementation.
+ """
+ x, row_attn = self.row_self_attention(
+ x,
+ self_attn_mask=self_attn_mask,
+ self_attn_padding_mask=self_attn_padding_mask,
+ )
+ x, column_attn = self.column_self_attention(
+ x,
+ self_attn_mask=self_attn_mask,
+ self_attn_padding_mask=self_attn_padding_mask,
+ )
+ x = self.feed_forward_layer(x)
+ if need_head_weights:
+ return x, column_attn, row_attn
+ else:
+ return x
+
+
+class LearnedPositionalEmbedding(nn.Embedding):
+ """
+ This module learns positional embeddings up to a fixed maximum size.
+ Padding ids are ignored by either offsetting based on padding_idx
+ or by setting padding_idx to None and ensuring that the appropriate
+ position ids are passed to the forward function.
+ """
+
+ def __init__(self, num_embeddings: int, embedding_dim: int, padding_idx: int):
+ if padding_idx is not None:
+ num_embeddings_ = num_embeddings + padding_idx + 1
+ else:
+ num_embeddings_ = num_embeddings
+ super().__init__(num_embeddings_, embedding_dim, padding_idx)
+ self.max_positions = num_embeddings
+
+ def forward(self, input: torch.Tensor):
+ """Input is expected to be of size [bsz x seqlen]."""
+ if input.size(1) > self.max_positions:
+ raise ValueError(
+ f"Sequence length {input.size(1)} above maximum "
+ f" sequence length of {self.max_positions}"
+ )
+ mask = input.ne(self.padding_idx).int()
+ positions = (torch.cumsum(mask, dim=1).type_as(mask) * mask).long() + self.padding_idx
+ return F.embedding(
+ positions,
+ self.weight,
+ self.padding_idx,
+ self.max_norm,
+ self.norm_type,
+ self.scale_grad_by_freq,
+ self.sparse,
+ )
+
+
+class SinusoidalPositionalEmbedding(nn.Module):
+ def __init__(self, embed_dim, padding_idx, learned=False):
+ super().__init__()
+ self.embed_dim = embed_dim
+ self.padding_idx = padding_idx
+ self.register_buffer("_float_tensor", torch.FloatTensor(1))
+ self.weights = None
+
+ def forward(self, x):
+ bsz, seq_len = x.shape
+ max_pos = self.padding_idx + 1 + seq_len
+ if self.weights is None or max_pos > self.weights.size(0):
+ self.weights = self.get_embedding(max_pos)
+ self.weights = self.weights.type_as(self._float_tensor)
+
+ positions = self.make_positions(x)
+ return self.weights.index_select(0, positions.view(-1)).view(bsz, seq_len, -1).detach()
+
+ def make_positions(self, x):
+ mask = x.ne(self.padding_idx)
+ range_buf = torch.arange(x.size(1), device=x.device).expand_as(x) + self.padding_idx + 1
+ positions = range_buf.expand_as(x)
+ return positions * mask.long() + self.padding_idx * (1 - mask.long())
+
+ def get_embedding(self, num_embeddings):
+ half_dim = self.embed_dim // 2
+ emb = math.log(10000) / (half_dim - 1)
+ emb = torch.exp(torch.arange(half_dim, dtype=torch.float) * -emb)
+ emb = torch.arange(num_embeddings, dtype=torch.float).unsqueeze(1) * emb.unsqueeze(0)
+ emb = torch.cat([torch.sin(emb), torch.cos(emb)], dim=1).view(num_embeddings, -1)
+ if self.embed_dim % 2 == 1:
+ # zero pad
+ emb = torch.cat([emb, torch.zeros(num_embeddings, 1)], dim=1)
+ if self.padding_idx is not None:
+ emb[self.padding_idx, :] = 0
+ return emb
+
+
+class RobertaLMHead(nn.Module):
+ """Head for masked language modeling."""
+
+ def __init__(self, embed_dim, output_dim, weight):
+ super().__init__()
+ self.dense = nn.Linear(embed_dim, embed_dim)
+ self.layer_norm = ESM1bLayerNorm(embed_dim)
+ self.weight = weight
+ self.bias = nn.Parameter(torch.zeros(output_dim))
+
+ def forward(self, features):
+ x = self.dense(features)
+ x = gelu(x)
+ x = self.layer_norm(x)
+ # project back to size of vocabulary with bias
+ x = F.linear(x, self.weight) + self.bias
+ return x
+
+
+class ContactPredictionHead(nn.Module):
+ """Performs symmetrization, apc, and computes a logistic regression on the output features"""
+
+ def __init__(
+ self,
+ in_features: int,
+ prepend_bos: bool,
+ append_eos: bool,
+ bias=True,
+ eos_idx: Optional[int] = None,
+ ):
+ super().__init__()
+ self.in_features = in_features
+ self.prepend_bos = prepend_bos
+ self.append_eos = append_eos
+ if append_eos and eos_idx is None:
+ raise ValueError("Using an alphabet with eos token, but no eos token was passed in.")
+ self.eos_idx = eos_idx
+ self.regression = nn.Linear(in_features, 1, bias)
+ self.activation = nn.Sigmoid()
+
+ def forward(self, tokens, attentions):
+ # remove eos token attentions
+ if self.append_eos:
+ eos_mask = tokens.ne(self.eos_idx).to(attentions)
+ eos_mask = eos_mask.unsqueeze(1) * eos_mask.unsqueeze(2)
+ attentions = attentions * eos_mask[:, None, None, :, :]
+ attentions = attentions[..., :-1, :-1]
+ # remove cls token attentions
+ if self.prepend_bos:
+ attentions = attentions[..., 1:, 1:]
+ batch_size, layers, heads, seqlen, _ = attentions.size()
+ attentions = attentions.view(batch_size, layers * heads, seqlen, seqlen)
+
+ # features: B x C x T x T
+ attentions = attentions.to(
+ self.regression.weight.device
+ ) # attentions always float32, may need to convert to float16
+ attentions = apc(symmetrize(attentions))
+ attentions = attentions.permute(0, 2, 3, 1)
+ return self.activation(self.regression(attentions).squeeze(3))
+
+
+class NormalizedResidualBlock(nn.Module):
+ def __init__(
+ self,
+ layer: nn.Module,
+ embedding_dim: int,
+ dropout: float = 0.1,
+ ):
+ super().__init__()
+ self.embedding_dim = embedding_dim
+
+ self.layer = layer
+ self.dropout_module = nn.Dropout(
+ dropout,
+ )
+ self.layer_norm = ESM1bLayerNorm(self.embedding_dim)
+
+ def forward(self, x, *args, **kwargs):
+ residual = x
+ x = self.layer_norm(x)
+ outputs = self.layer(x, *args, **kwargs)
+ if isinstance(outputs, tuple):
+ x, *out = outputs
+ else:
+ x = outputs
+ out = None
+
+ x = self.dropout_module(x)
+ x = residual + x
+
+ if out is not None:
+ return (x,) + tuple(out)
+ else:
+ return x
+
+
+class FeedForwardNetwork(nn.Module):
+ def __init__(
+ self,
+ embedding_dim: int,
+ ffn_embedding_dim: int,
+ activation_dropout: float = 0.1,
+ max_tokens_per_msa: int = 2**14,
+ ):
+ super().__init__()
+ self.embedding_dim = embedding_dim
+ self.ffn_embedding_dim = ffn_embedding_dim
+ self.max_tokens_per_msa = max_tokens_per_msa
+ self.activation_fn = nn.GELU()
+ self.activation_dropout_module = nn.Dropout(
+ activation_dropout,
+ )
+ self.fc1 = nn.Linear(embedding_dim, ffn_embedding_dim)
+ self.fc2 = nn.Linear(ffn_embedding_dim, embedding_dim)
+
+ def forward(self, x):
+ x = self.activation_fn(self.fc1(x))
+ x = self.activation_dropout_module(x)
+ x = self.fc2(x)
+ return x
diff --git a/esm/multihead_attention.py b/esm/multihead_attention.py
new file mode 100644
index 0000000000000000000000000000000000000000..3eb745480c688cfa2e18077b689c475071f01be1
--- /dev/null
+++ b/esm/multihead_attention.py
@@ -0,0 +1,508 @@
+# Copyright (c) Meta Platforms, Inc. and affiliates.
+#
+# This source code is licensed under the MIT license found in the
+# LICENSE file in the root directory of this source tree.
+
+import math
+from typing import Dict, Optional, Tuple
+
+import torch
+import torch.nn.functional as F
+from torch import Tensor, nn
+from torch.nn import Parameter
+from esm.rotary_embedding import RotaryEmbedding
+
+import uuid
+
+
+def utils_softmax(x, dim: int, onnx_trace: bool = False):
+ if onnx_trace:
+ return F.softmax(x.float(), dim=dim)
+ else:
+ return F.softmax(x, dim=dim, dtype=torch.float32)
+
+
+class FairseqIncrementalState(object):
+ def __init__(self, *args, **kwargs):
+ super().__init__(*args, **kwargs)
+ self.init_incremental_state()
+
+ def init_incremental_state(self):
+ self._incremental_state_id = str(uuid.uuid4())
+
+ def _get_full_incremental_state_key(self, key: str) -> str:
+ return "{}.{}".format(self._incremental_state_id, key)
+
+ def get_incremental_state(
+ self,
+ incremental_state: Optional[Dict[str, Dict[str, Optional[Tensor]]]],
+ key: str,
+ ) -> Optional[Dict[str, Optional[Tensor]]]:
+ """Helper for getting incremental state for an nn.Module."""
+ full_key = self._get_full_incremental_state_key(key)
+ if incremental_state is None or full_key not in incremental_state:
+ return None
+ return incremental_state[full_key]
+
+ def set_incremental_state(
+ self,
+ incremental_state: Optional[Dict[str, Dict[str, Optional[Tensor]]]],
+ key: str,
+ value: Dict[str, Optional[Tensor]],
+ ) -> Optional[Dict[str, Dict[str, Optional[Tensor]]]]:
+ """Helper for setting incremental state for an nn.Module."""
+ if incremental_state is not None:
+ full_key = self._get_full_incremental_state_key(key)
+ incremental_state[full_key] = value
+ return incremental_state
+
+
+def with_incremental_state(cls):
+ cls.__bases__ = (FairseqIncrementalState,) + tuple(
+ b for b in cls.__bases__ if b != FairseqIncrementalState
+ )
+ return cls
+
+
+@with_incremental_state
+class MultiheadAttention(nn.Module):
+ """Multi-headed attention.
+
+ See "Attention Is All You Need" for more details.
+ """
+
+ def __init__(
+ self,
+ embed_dim,
+ num_heads,
+ kdim=None,
+ vdim=None,
+ dropout=0.0,
+ bias=True,
+ add_bias_kv: bool = False,
+ add_zero_attn: bool = False,
+ self_attention: bool = False,
+ encoder_decoder_attention: bool = False,
+ use_rotary_embeddings: bool = False,
+ ):
+ super().__init__()
+ self.embed_dim = embed_dim
+ self.kdim = kdim if kdim is not None else embed_dim
+ self.vdim = vdim if vdim is not None else embed_dim
+ self.qkv_same_dim = self.kdim == embed_dim and self.vdim == embed_dim
+
+ self.num_heads = num_heads
+ self.dropout = dropout
+ self.head_dim = embed_dim // num_heads
+ assert (
+ self.head_dim * num_heads == self.embed_dim
+ ), "embed_dim must be divisible by num_heads"
+ self.scaling = self.head_dim**-0.5
+
+ self.self_attention = self_attention
+ self.encoder_decoder_attention = encoder_decoder_attention
+
+ assert not self.self_attention or self.qkv_same_dim, (
+ "Self-attention requires query, key and " "value to be of the same size"
+ )
+
+ self.k_proj = nn.Linear(self.kdim, embed_dim, bias=bias)
+ self.v_proj = nn.Linear(self.vdim, embed_dim, bias=bias)
+ self.q_proj = nn.Linear(embed_dim, embed_dim, bias=bias)
+
+ self.out_proj = nn.Linear(embed_dim, embed_dim, bias=bias)
+
+ if add_bias_kv:
+ self.bias_k = Parameter(torch.Tensor(1, 1, embed_dim))
+ self.bias_v = Parameter(torch.Tensor(1, 1, embed_dim))
+ else:
+ self.bias_k = self.bias_v = None
+
+ self.add_zero_attn = add_zero_attn
+
+ self.reset_parameters()
+
+ self.onnx_trace = False
+ self.rot_emb = None
+ if use_rotary_embeddings:
+ self.rot_emb = RotaryEmbedding(dim=self.head_dim)
+
+ self.enable_torch_version = False
+ if hasattr(F, "multi_head_attention_forward"):
+ self.enable_torch_version = True
+ else:
+ self.enable_torch_version = False
+
+ def prepare_for_onnx_export_(self):
+ self.onnx_trace = True
+
+ def reset_parameters(self):
+ if self.qkv_same_dim:
+ # Empirically observed the convergence to be much better with
+ # the scaled initialization
+ nn.init.xavier_uniform_(self.k_proj.weight, gain=1 / math.sqrt(2))
+ nn.init.xavier_uniform_(self.v_proj.weight, gain=1 / math.sqrt(2))
+ nn.init.xavier_uniform_(self.q_proj.weight, gain=1 / math.sqrt(2))
+ else:
+ nn.init.xavier_uniform_(self.k_proj.weight)
+ nn.init.xavier_uniform_(self.v_proj.weight)
+ nn.init.xavier_uniform_(self.q_proj.weight)
+
+ nn.init.xavier_uniform_(self.out_proj.weight)
+ if self.out_proj.bias is not None:
+ nn.init.constant_(self.out_proj.bias, 0.0)
+ if self.bias_k is not None:
+ nn.init.xavier_normal_(self.bias_k)
+ if self.bias_v is not None:
+ nn.init.xavier_normal_(self.bias_v)
+
+ def forward(
+ self,
+ query,
+ key: Optional[Tensor],
+ value: Optional[Tensor],
+ key_padding_mask: Optional[Tensor] = None,
+ incremental_state: Optional[Dict[str, Dict[str, Optional[Tensor]]]] = None,
+ need_weights: bool = True,
+ static_kv: bool = False,
+ attn_mask: Optional[Tensor] = None,
+ before_softmax: bool = False,
+ need_head_weights: bool = False,
+ ) -> Tuple[Tensor, Optional[Tensor]]:
+ """Input shape: Time x Batch x Channel
+
+ Args:
+ key_padding_mask (ByteTensor, optional): mask to exclude
+ keys that are pads, of shape `(batch, src_len)`, where
+ padding elements are indicated by 1s.
+ need_weights (bool, optional): return the attention weights,
+ averaged over heads (default: False).
+ attn_mask (ByteTensor, optional): typically used to
+ implement causal attention, where the mask prevents the
+ attention from looking forward in time (default: None).
+ before_softmax (bool, optional): return the raw attention
+ weights and values before the attention softmax.
+ need_head_weights (bool, optional): return the attention
+ weights for each head. Implies *need_weights*. Default:
+ return the average attention weights over all heads.
+ """
+ if need_head_weights:
+ need_weights = True
+
+ tgt_len, bsz, embed_dim = query.size()
+ assert embed_dim == self.embed_dim
+ assert list(query.size()) == [tgt_len, bsz, embed_dim]
+
+ if (
+ not self.rot_emb
+ and self.enable_torch_version
+ and not self.onnx_trace
+ and incremental_state is None
+ and not static_kv
+ # A workaround for quantization to work. Otherwise JIT compilation
+ # treats bias in linear module as method.
+ and not torch.jit.is_scripting()
+ and not need_head_weights
+ ):
+ assert key is not None and value is not None
+ return F.multi_head_attention_forward(
+ query,
+ key,
+ value,
+ self.embed_dim,
+ self.num_heads,
+ torch.empty([0]),
+ torch.cat((self.q_proj.bias, self.k_proj.bias, self.v_proj.bias)),
+ self.bias_k,
+ self.bias_v,
+ self.add_zero_attn,
+ self.dropout,
+ self.out_proj.weight,
+ self.out_proj.bias,
+ self.training,
+ key_padding_mask,
+ need_weights,
+ attn_mask,
+ use_separate_proj_weight=True,
+ q_proj_weight=self.q_proj.weight,
+ k_proj_weight=self.k_proj.weight,
+ v_proj_weight=self.v_proj.weight,
+ )
+ if incremental_state is not None:
+ saved_state = self._get_input_buffer(incremental_state)
+ if saved_state is not None and "prev_key" in saved_state:
+ # previous time steps are cached - no need to recompute
+ # key and value if they are static
+ if static_kv:
+ assert self.encoder_decoder_attention and not self.self_attention
+ key = value = None
+ else:
+ saved_state = None
+
+ if self.self_attention:
+ q = self.q_proj(query)
+ k = self.k_proj(query)
+ v = self.v_proj(query)
+ elif self.encoder_decoder_attention:
+ # encoder-decoder attention
+ q = self.q_proj(query)
+ if key is None:
+ assert value is None
+ k = v = None
+ else:
+ k = self.k_proj(key)
+ v = self.v_proj(key)
+
+ else:
+ assert key is not None and value is not None
+ q = self.q_proj(query)
+ k = self.k_proj(key)
+ v = self.v_proj(value)
+ q *= self.scaling
+
+ if self.bias_k is not None:
+ assert self.bias_v is not None
+ k = torch.cat([k, self.bias_k.repeat(1, bsz, 1)])
+ v = torch.cat([v, self.bias_v.repeat(1, bsz, 1)])
+ if attn_mask is not None:
+ attn_mask = torch.cat(
+ [attn_mask, attn_mask.new_zeros(attn_mask.size(0), 1)], dim=1
+ )
+ if key_padding_mask is not None:
+ key_padding_mask = torch.cat(
+ [
+ key_padding_mask,
+ key_padding_mask.new_zeros(key_padding_mask.size(0), 1),
+ ],
+ dim=1,
+ )
+
+ q = q.contiguous().view(tgt_len, bsz * self.num_heads, self.head_dim).transpose(0, 1)
+ if k is not None:
+ k = k.contiguous().view(-1, bsz * self.num_heads, self.head_dim).transpose(0, 1)
+ if v is not None:
+ v = v.contiguous().view(-1, bsz * self.num_heads, self.head_dim).transpose(0, 1)
+
+ if saved_state is not None:
+ # saved states are stored with shape (bsz, num_heads, seq_len, head_dim)
+ if "prev_key" in saved_state:
+ _prev_key = saved_state["prev_key"]
+ assert _prev_key is not None
+ prev_key = _prev_key.view(bsz * self.num_heads, -1, self.head_dim)
+ if static_kv:
+ k = prev_key
+ else:
+ assert k is not None
+ k = torch.cat([prev_key, k], dim=1)
+ if "prev_value" in saved_state:
+ _prev_value = saved_state["prev_value"]
+ assert _prev_value is not None
+ prev_value = _prev_value.view(bsz * self.num_heads, -1, self.head_dim)
+ if static_kv:
+ v = prev_value
+ else:
+ assert v is not None
+ v = torch.cat([prev_value, v], dim=1)
+ prev_key_padding_mask: Optional[Tensor] = None
+ if "prev_key_padding_mask" in saved_state:
+ prev_key_padding_mask = saved_state["prev_key_padding_mask"]
+ assert k is not None and v is not None
+ key_padding_mask = MultiheadAttention._append_prev_key_padding_mask(
+ key_padding_mask=key_padding_mask,
+ prev_key_padding_mask=prev_key_padding_mask,
+ batch_size=bsz,
+ src_len=k.size(1),
+ static_kv=static_kv,
+ )
+
+ saved_state["prev_key"] = k.view(bsz, self.num_heads, -1, self.head_dim)
+ saved_state["prev_value"] = v.view(bsz, self.num_heads, -1, self.head_dim)
+ saved_state["prev_key_padding_mask"] = key_padding_mask
+ # In this branch incremental_state is never None
+ assert incremental_state is not None
+ incremental_state = self._set_input_buffer(incremental_state, saved_state)
+ assert k is not None
+ src_len = k.size(1)
+
+ # This is part of a workaround to get around fork/join parallelism
+ # not supporting Optional types.
+ if key_padding_mask is not None and key_padding_mask.dim() == 0:
+ key_padding_mask = None
+
+ if key_padding_mask is not None:
+ assert key_padding_mask.size(0) == bsz
+ assert key_padding_mask.size(1) == src_len
+
+ if self.add_zero_attn:
+ assert v is not None
+ src_len += 1
+ k = torch.cat([k, k.new_zeros((k.size(0), 1) + k.size()[2:])], dim=1)
+ v = torch.cat([v, v.new_zeros((v.size(0), 1) + v.size()[2:])], dim=1)
+ if attn_mask is not None:
+ attn_mask = torch.cat(
+ [attn_mask, attn_mask.new_zeros(attn_mask.size(0), 1)], dim=1
+ )
+ if key_padding_mask is not None:
+ key_padding_mask = torch.cat(
+ [
+ key_padding_mask,
+ torch.zeros(key_padding_mask.size(0), 1).type_as(key_padding_mask),
+ ],
+ dim=1,
+ )
+
+ if self.rot_emb:
+ q, k = self.rot_emb(q, k)
+
+ attn_weights = torch.bmm(q, k.transpose(1, 2))
+ attn_weights = MultiheadAttention.apply_sparse_mask(attn_weights, tgt_len, src_len, bsz)
+
+ assert list(attn_weights.size()) == [bsz * self.num_heads, tgt_len, src_len]
+
+ if attn_mask is not None:
+ attn_mask = attn_mask.unsqueeze(0)
+ if self.onnx_trace:
+ attn_mask = attn_mask.repeat(attn_weights.size(0), 1, 1)
+ attn_weights += attn_mask
+
+ if key_padding_mask is not None:
+ # don't attend to padding symbols
+ attn_weights = attn_weights.view(bsz, self.num_heads, tgt_len, src_len)
+ attn_weights = attn_weights.masked_fill(
+ key_padding_mask.unsqueeze(1).unsqueeze(2).to(torch.bool), float("-inf")
+ )
+ attn_weights = attn_weights.view(bsz * self.num_heads, tgt_len, src_len)
+
+ if before_softmax:
+ return attn_weights, v
+
+ attn_weights_float = utils_softmax(attn_weights, dim=-1, onnx_trace=self.onnx_trace)
+ attn_weights = attn_weights_float.type_as(attn_weights)
+ attn_probs = F.dropout(
+ attn_weights_float.type_as(attn_weights),
+ p=self.dropout,
+ training=self.training,
+ )
+ assert v is not None
+ attn = torch.bmm(attn_probs, v)
+ assert list(attn.size()) == [bsz * self.num_heads, tgt_len, self.head_dim]
+ if self.onnx_trace and attn.size(1) == 1:
+ # when ONNX tracing a single decoder step (sequence length == 1)
+ # the transpose is a no-op copy before view, thus unnecessary
+ attn = attn.contiguous().view(tgt_len, bsz, embed_dim)
+ else:
+ attn = attn.transpose(0, 1).contiguous().view(tgt_len, bsz, embed_dim)
+ attn = self.out_proj(attn)
+ attn_weights: Optional[Tensor] = None
+ if need_weights:
+ attn_weights = attn_weights_float.view(
+ bsz, self.num_heads, tgt_len, src_len
+ ).type_as(attn).transpose(1, 0)
+ if not need_head_weights:
+ # average attention weights over heads
+ attn_weights = attn_weights.mean(dim=0)
+
+ return attn, attn_weights
+
+ @staticmethod
+ def _append_prev_key_padding_mask(
+ key_padding_mask: Optional[Tensor],
+ prev_key_padding_mask: Optional[Tensor],
+ batch_size: int,
+ src_len: int,
+ static_kv: bool,
+ ) -> Optional[Tensor]:
+ # saved key padding masks have shape (bsz, seq_len)
+ if prev_key_padding_mask is not None and static_kv:
+ new_key_padding_mask = prev_key_padding_mask
+ elif prev_key_padding_mask is not None and key_padding_mask is not None:
+ new_key_padding_mask = torch.cat(
+ [prev_key_padding_mask.float(), key_padding_mask.float()], dim=1
+ )
+ # During incremental decoding, as the padding token enters and
+ # leaves the frame, there will be a time when prev or current
+ # is None
+ elif prev_key_padding_mask is not None:
+ filler = torch.zeros(
+ (batch_size, src_len - prev_key_padding_mask.size(1)),
+ device=prev_key_padding_mask.device,
+ )
+ new_key_padding_mask = torch.cat(
+ [prev_key_padding_mask.float(), filler.float()], dim=1
+ )
+ elif key_padding_mask is not None:
+ filler = torch.zeros(
+ (batch_size, src_len - key_padding_mask.size(1)),
+ device=key_padding_mask.device,
+ )
+ new_key_padding_mask = torch.cat([filler.float(), key_padding_mask.float()], dim=1)
+ else:
+ new_key_padding_mask = prev_key_padding_mask
+ return new_key_padding_mask
+
+ @torch.jit.export
+ def reorder_incremental_state(
+ self, incremental_state: Dict[str, Dict[str, Optional[Tensor]]], new_order: Tensor
+ ):
+ """Reorder buffered internal state (for incremental generation)."""
+ input_buffer = self._get_input_buffer(incremental_state)
+ if input_buffer is not None:
+ for k in input_buffer.keys():
+ input_buffer_k = input_buffer[k]
+ if input_buffer_k is not None:
+ if self.encoder_decoder_attention and input_buffer_k.size(0) == new_order.size(
+ 0
+ ):
+ break
+ input_buffer[k] = input_buffer_k.index_select(0, new_order)
+ incremental_state = self._set_input_buffer(incremental_state, input_buffer)
+ return incremental_state
+
+ def _get_input_buffer(
+ self, incremental_state: Optional[Dict[str, Dict[str, Optional[Tensor]]]]
+ ) -> Dict[str, Optional[Tensor]]:
+ result = self.get_incremental_state(incremental_state, "attn_state")
+ if result is not None:
+ return result
+ else:
+ empty_result: Dict[str, Optional[Tensor]] = {}
+ return empty_result
+
+ def _set_input_buffer(
+ self,
+ incremental_state: Dict[str, Dict[str, Optional[Tensor]]],
+ buffer: Dict[str, Optional[Tensor]],
+ ):
+ return self.set_incremental_state(incremental_state, "attn_state", buffer)
+
+ def apply_sparse_mask(attn_weights, tgt_len: int, src_len: int, bsz: int):
+ return attn_weights
+
+ def upgrade_state_dict_named(self, state_dict, name):
+ prefix = name + "." if name != "" else ""
+ items_to_add = {}
+ keys_to_remove = []
+ for k in state_dict.keys():
+ if k.endswith(prefix + "in_proj_weight"):
+ # in_proj_weight used to be q + k + v with same dimensions
+ dim = int(state_dict[k].shape[0] / 3)
+ items_to_add[prefix + "q_proj.weight"] = state_dict[k][:dim]
+ items_to_add[prefix + "k_proj.weight"] = state_dict[k][dim : 2 * dim]
+ items_to_add[prefix + "v_proj.weight"] = state_dict[k][2 * dim :]
+
+ keys_to_remove.append(k)
+
+ k_bias = prefix + "in_proj_bias"
+ if k_bias in state_dict.keys():
+ dim = int(state_dict[k].shape[0] / 3)
+ items_to_add[prefix + "q_proj.bias"] = state_dict[k_bias][:dim]
+ items_to_add[prefix + "k_proj.bias"] = state_dict[k_bias][dim : 2 * dim]
+ items_to_add[prefix + "v_proj.bias"] = state_dict[k_bias][2 * dim :]
+
+ keys_to_remove.append(prefix + "in_proj_bias")
+
+ for k in keys_to_remove:
+ del state_dict[k]
+
+ for key, value in items_to_add.items():
+ state_dict[key] = value
diff --git a/esm/pretrained.py b/esm/pretrained.py
new file mode 100644
index 0000000000000000000000000000000000000000..fcf3de58704e870c15ca0aeae224e7c9e6cd5b27
--- /dev/null
+++ b/esm/pretrained.py
@@ -0,0 +1,551 @@
+# Copyright (c) Meta Platforms, Inc. and affiliates.
+#
+# This source code is licensed under the MIT license found in the
+# LICENSE file in the root directory of this source tree.
+
+import re
+import urllib
+import warnings
+from argparse import Namespace
+from pathlib import Path
+
+import torch
+
+import esm
+from esm.model.esm2 import ESM2
+
+
+def _has_regression_weights(model_name):
+ """Return whether we expect / require regression weights;
+ Right now that is all models except ESM-1v, ESM-IF, and partially trained ESM2 models"""
+ return not ("esm1v" in model_name or "esm_if" in model_name or "270K" in model_name or "500K" in model_name)
+
+
+def load_model_and_alphabet(model_name):
+ if model_name.endswith(".pt"): # treat as filepath
+ return load_model_and_alphabet_local(model_name)
+ else:
+ return load_model_and_alphabet_hub(model_name)
+
+
+def load_hub_workaround(url):
+ try:
+ data = torch.hub.load_state_dict_from_url(url, progress=False, map_location="cpu")
+ except RuntimeError:
+ # Pytorch version issue - see https://github.com/pytorch/pytorch/issues/43106
+ fn = Path(url).name
+ data = torch.load(
+ f"{torch.hub.get_dir()}/checkpoints/{fn}",
+ map_location="cpu",
+ )
+ except urllib.error.HTTPError as e:
+ raise Exception(f"Could not load {url}, check if you specified a correct model name?")
+ return data
+
+
+def load_regression_hub(model_name):
+ url = f"https://dl.fbaipublicfiles.com/fair-esm/regression/{model_name}-contact-regression.pt"
+ regression_data = load_hub_workaround(url)
+ return regression_data
+
+
+def _download_model_and_regression_data(model_name):
+ url = f"https://dl.fbaipublicfiles.com/fair-esm/models/{model_name}.pt"
+ model_data = load_hub_workaround(url)
+ if _has_regression_weights(model_name):
+ regression_data = load_regression_hub(model_name)
+ else:
+ regression_data = None
+ return model_data, regression_data
+
+
+def load_model_and_alphabet_hub(model_name):
+ model_data, regression_data = _download_model_and_regression_data(model_name)
+ return load_model_and_alphabet_core(model_name, model_data, regression_data)
+
+
+def load_model_and_alphabet_local(model_location):
+ """Load from local path. The regression weights need to be co-located"""
+ model_location = Path(model_location)
+ model_data = torch.load(str(model_location), map_location="cpu")
+ model_name = model_location.stem
+ if _has_regression_weights(model_name):
+ regression_location = str(model_location.with_suffix("")) + "-contact-regression.pt"
+ regression_data = torch.load(regression_location, map_location="cpu")
+ else:
+ regression_data = None
+ return load_model_and_alphabet_core(model_name, model_data, regression_data)
+
+
+def has_emb_layer_norm_before(model_state):
+ """Determine whether layer norm needs to be applied before the encoder"""
+ return any(k.startswith("emb_layer_norm_before") for k, param in model_state.items())
+
+
+def _load_model_and_alphabet_core_v1(model_data):
+ import esm # since esm.inverse_folding is imported below, you actually have to re-import esm here
+
+ alphabet = esm.Alphabet.from_architecture(model_data["args"].arch)
+
+ if model_data["args"].arch == "roberta_large":
+ # upgrade state dict
+ pra = lambda s: "".join(s.split("encoder_")[1:] if "encoder" in s else s)
+ prs1 = lambda s: "".join(s.split("encoder.")[1:] if "encoder" in s else s)
+ prs2 = lambda s: "".join(
+ s.split("sentence_encoder.")[1:] if "sentence_encoder" in s else s
+ )
+ model_args = {pra(arg[0]): arg[1] for arg in vars(model_data["args"]).items()}
+ model_state = {prs1(prs2(arg[0])): arg[1] for arg in model_data["model"].items()}
+ model_state["embed_tokens.weight"][alphabet.mask_idx].zero_() # For token drop
+ model_args["emb_layer_norm_before"] = has_emb_layer_norm_before(model_state)
+ model_type = esm.ProteinBertModel
+
+ elif model_data["args"].arch == "protein_bert_base":
+
+ # upgrade state dict
+ pra = lambda s: "".join(s.split("decoder_")[1:] if "decoder" in s else s)
+ prs = lambda s: "".join(s.split("decoder.")[1:] if "decoder" in s else s)
+ model_args = {pra(arg[0]): arg[1] for arg in vars(model_data["args"]).items()}
+ model_state = {prs(arg[0]): arg[1] for arg in model_data["model"].items()}
+ model_type = esm.ProteinBertModel
+ elif model_data["args"].arch == "msa_transformer":
+
+ # upgrade state dict
+ pra = lambda s: "".join(s.split("encoder_")[1:] if "encoder" in s else s)
+ prs1 = lambda s: "".join(s.split("encoder.")[1:] if "encoder" in s else s)
+ prs2 = lambda s: "".join(
+ s.split("sentence_encoder.")[1:] if "sentence_encoder" in s else s
+ )
+ prs3 = lambda s: s.replace("row", "column") if "row" in s else s.replace("column", "row")
+ model_args = {pra(arg[0]): arg[1] for arg in vars(model_data["args"]).items()}
+ model_state = {prs1(prs2(prs3(arg[0]))): arg[1] for arg in model_data["model"].items()}
+ if model_args.get("embed_positions_msa", False):
+ emb_dim = model_state["msa_position_embedding"].size(-1)
+ model_args["embed_positions_msa_dim"] = emb_dim # initial release, bug: emb_dim==1
+
+ model_type = esm.MSATransformer
+
+ elif "invariant_gvp" in model_data["args"].arch:
+ import esm.inverse_folding
+
+ model_type = esm.inverse_folding.gvp_transformer.GVPTransformerModel
+ model_args = vars(model_data["args"]) # convert Namespace -> dict
+
+ def update_name(s):
+ # Map the module names in checkpoints trained with internal code to
+ # the updated module names in open source code
+ s = s.replace("W_v", "embed_graph.embed_node")
+ s = s.replace("W_e", "embed_graph.embed_edge")
+ s = s.replace("embed_scores.0", "embed_confidence")
+ s = s.replace("embed_score.", "embed_graph.embed_confidence.")
+ s = s.replace("seq_logits_projection.", "")
+ s = s.replace("embed_ingraham_features", "embed_dihedrals")
+ s = s.replace("embed_gvp_in_local_frame.0", "embed_gvp_output")
+ s = s.replace("embed_features_in_local_frame.0", "embed_gvp_input_features")
+ return s
+
+ model_state = {
+ update_name(sname): svalue
+ for sname, svalue in model_data["model"].items()
+ if "version" not in sname
+ }
+
+ else:
+ raise ValueError("Unknown architecture selected")
+
+ model = model_type(
+ Namespace(**model_args),
+ alphabet,
+ )
+
+ return model, alphabet, model_state
+
+
+def _load_model_and_alphabet_core_v2(model_data):
+ def upgrade_state_dict(state_dict):
+ """Removes prefixes 'model.encoder.sentence_encoder.' and 'model.encoder.'."""
+ prefixes = ["encoder.sentence_encoder.", "encoder."]
+ pattern = re.compile("^" + "|".join(prefixes))
+ state_dict = {pattern.sub("", name): param for name, param in state_dict.items()}
+ return state_dict
+
+ cfg = model_data["cfg"]["model"]
+ state_dict = model_data["model"]
+ state_dict = upgrade_state_dict(state_dict)
+ alphabet = esm.data.Alphabet.from_architecture("ESM-1b")
+ model = ESM2(
+ num_layers=cfg.encoder_layers,
+ embed_dim=cfg.encoder_embed_dim,
+ attention_heads=cfg.encoder_attention_heads,
+ alphabet=alphabet,
+ token_dropout=cfg.token_dropout,
+ )
+ return model, alphabet, state_dict
+
+
+def load_model_and_alphabet_core(model_name, model_data, regression_data=None):
+ if regression_data is not None:
+ model_data["model"].update(regression_data["model"])
+
+ if model_name.startswith("esm2"):
+ model, alphabet, model_state = _load_model_and_alphabet_core_v2(model_data)
+ else:
+ model, alphabet, model_state = _load_model_and_alphabet_core_v1(model_data)
+ expected_keys = set(model.state_dict().keys())
+ found_keys = set(model_state.keys())
+
+ if regression_data is None:
+ expected_missing = {"contact_head.regression.weight", "contact_head.regression.bias"}
+ error_msgs = []
+ missing = (expected_keys - found_keys) - expected_missing
+ if missing:
+ error_msgs.append(f"Missing key(s) in state_dict: {missing}.")
+ unexpected = found_keys - expected_keys
+ if unexpected:
+ error_msgs.append(f"Unexpected key(s) in state_dict: {unexpected}.")
+
+ if error_msgs:
+ raise RuntimeError(
+ "Error(s) in loading state_dict for {}:\n\t{}".format(
+ model.__class__.__name__, "\n\t".join(error_msgs)
+ )
+ )
+ if expected_missing - found_keys:
+ warnings.warn(
+ "Regression weights not found, predicting contacts will not produce correct results."
+ )
+
+ model.load_state_dict(model_state, strict=regression_data is not None)
+
+ return model, alphabet
+
+
+def esm1_t34_670M_UR50S():
+ """34 layer transformer model with 670M params, trained on Uniref50 Sparse.
+
+ Returns a tuple of (Model, Alphabet).
+ """
+ return load_model_and_alphabet_hub("esm1_t34_670M_UR50S")
+
+
+def esm1_t34_670M_UR50D():
+ """34 layer transformer model with 670M params, trained on Uniref50 Dense.
+
+ Returns a tuple of (Model, Alphabet).
+ """
+ return load_model_and_alphabet_hub("esm1_t34_670M_UR50D")
+
+
+def esm1_t34_670M_UR100():
+ """34 layer transformer model with 670M params, trained on Uniref100.
+
+ Returns a tuple of (Model, Alphabet).
+ """
+ return load_model_and_alphabet_hub("esm1_t34_670M_UR100")
+
+
+def esm1_t12_85M_UR50S():
+ """12 layer transformer model with 85M params, trained on Uniref50 Sparse.
+
+ Returns a tuple of (Model, Alphabet).
+ """
+ return load_model_and_alphabet_hub("esm1_t12_85M_UR50S")
+
+
+def esm1_t6_43M_UR50S():
+ """6 layer transformer model with 43M params, trained on Uniref50 Sparse.
+
+ Returns a tuple of (Model, Alphabet).
+ """
+ return load_model_and_alphabet_hub("esm1_t6_43M_UR50S")
+
+
+def esm1b_t33_650M_UR50S():
+ """33 layer transformer model with 650M params, trained on Uniref50 Sparse.
+ This is our best performing model, which will be described in a future publication.
+
+ Returns a tuple of (Model, Alphabet).
+ """
+ return load_model_and_alphabet_hub("esm1b_t33_650M_UR50S")
+
+
+def esm_msa1_t12_100M_UR50S():
+ warnings.warn(
+ "This model had a minor bug in the positional embeddings, "
+ "please use ESM-MSA-1b: esm.pretrained.esm_msa1b_t12_100M_UR50S()",
+ )
+ return load_model_and_alphabet_hub("esm_msa1_t12_100M_UR50S")
+
+
+def esm_msa1b_t12_100M_UR50S():
+ return load_model_and_alphabet_hub("esm_msa1b_t12_100M_UR50S")
+
+
+def esm1v_t33_650M_UR90S():
+ """33 layer transformer model with 650M params, trained on Uniref90.
+ This is model 1 of a 5 model ensemble.
+
+ Returns a tuple of (Model, Alphabet).
+ """
+ return load_model_and_alphabet_hub("esm1v_t33_650M_UR90S_1")
+
+
+def esm1v_t33_650M_UR90S_1():
+ """33 layer transformer model with 650M params, trained on Uniref90.
+ This is model 1 of a 5 model ensemble.
+
+ Returns a tuple of (Model, Alphabet).
+ """
+ return load_model_and_alphabet_hub("esm1v_t33_650M_UR90S_1")
+
+
+def esm1v_t33_650M_UR90S_2():
+ """33 layer transformer model with 650M params, trained on Uniref90.
+ This is model 2 of a 5 model ensemble.
+
+ Returns a tuple of (Model, Alphabet).
+ """
+ return load_model_and_alphabet_hub("esm1v_t33_650M_UR90S_2")
+
+
+def esm1v_t33_650M_UR90S_3():
+ """33 layer transformer model with 650M params, trained on Uniref90.
+ This is model 3 of a 5 model ensemble.
+
+ Returns a tuple of (Model, Alphabet).
+ """
+ return load_model_and_alphabet_hub("esm1v_t33_650M_UR90S_3")
+
+
+def esm1v_t33_650M_UR90S_4():
+ """33 layer transformer model with 650M params, trained on Uniref90.
+ This is model 4 of a 5 model ensemble.
+
+ Returns a tuple of (Model, Alphabet).
+ """
+ return load_model_and_alphabet_hub("esm1v_t33_650M_UR90S_4")
+
+
+def esm1v_t33_650M_UR90S_5():
+ """33 layer transformer model with 650M params, trained on Uniref90.
+ This is model 5 of a 5 model ensemble.
+
+ Returns a tuple of (Model, Alphabet).
+ """
+ return load_model_and_alphabet_hub("esm1v_t33_650M_UR90S_5")
+
+
+def esm_if1_gvp4_t16_142M_UR50():
+ """Inverse folding model with 142M params, with 4 GVP-GNN layers, 8
+ Transformer encoder layers, and 8 Transformer decoder layers, trained on
+ CATH structures and 12 million alphafold2 predicted structures from UniRef50
+ sequences.
+
+ Returns a tuple of (Model, Alphabet).
+ """
+ return load_model_and_alphabet_hub("esm_if1_gvp4_t16_142M_UR50")
+
+
+def esm2_t6_8M_UR50D():
+ """6 layer ESM-2 model with 8M params, trained on UniRef50.
+
+ Returns a tuple of (Model, Alphabet).
+ """
+ return load_model_and_alphabet_hub("esm2_t6_8M_UR50D")
+
+
+def esm2_t12_35M_UR50D():
+ """12 layer ESM-2 model with 35M params, trained on UniRef50.
+
+ Returns a tuple of (Model, Alphabet).
+ """
+ return load_model_and_alphabet_hub("esm2_t12_35M_UR50D")
+
+
+def esm2_t30_150M_UR50D():
+ """30 layer ESM-2 model with 150M params, trained on UniRef50.
+
+ Returns a tuple of (Model, Alphabet).
+ """
+ return load_model_and_alphabet_hub("esm2_t30_150M_UR50D")
+
+
+def esm2_t33_650M_UR50D():
+ """33 layer ESM-2 model with 650M params, trained on UniRef50.
+
+ Returns a tuple of (Model, Alphabet).
+ """
+ return load_model_and_alphabet_hub("esm2_t33_650M_UR50D")
+
+
+def esm2_t36_3B_UR50D():
+ """36 layer ESM-2 model with 3B params, trained on UniRef50.
+
+ Returns a tuple of (Model, Alphabet).
+ """
+ return load_model_and_alphabet_hub("esm2_t36_3B_UR50D")
+
+
+def esm2_t48_15B_UR50D():
+ """48 layer ESM-2 model with 15B params, trained on UniRef50.
+ If you have OOM while loading this model, please refer to README
+ on how to employ FSDP and ZeRO CPU offloading
+
+ Returns a tuple of (Model, Alphabet).
+ """
+ return load_model_and_alphabet_hub("esm2_t48_15B_UR50D")
+
+
+def esmfold_v0():
+ """
+ ESMFold v0 model with 3B ESM-2, 48 folding blocks.
+ This version was used for the paper (Lin et al, 2022). It was trained
+ on all PDB chains until 2020-05, to ensure temporal holdout with CASP14
+ and the CAMEO validation and test set reported there.
+ """
+ import esm.esmfold.v1.pretrained
+ return esm.esmfold.v1.pretrained.esmfold_v0()
+
+
+def esmfold_v1():
+ """
+ ESMFold v1 model using 3B ESM-2, 48 folding blocks.
+ ESMFold provides fast high accuracy atomic level structure prediction
+ directly from the individual sequence of a protein. ESMFold uses the ESM2
+ protein language model to extract meaningful representations from the
+ protein sequence.
+ """
+ import esm.esmfold.v1.pretrained
+ return esm.esmfold.v1.pretrained.esmfold_v1()
+
+def esmfold_structure_module_only_8M():
+ """
+ ESMFold baseline model using 8M ESM-2, 0 folding blocks.
+ ESM-2 here is trained out to 500K updates.
+ This is a model designed to test the capabilities of the language model
+ when ablated for number of parameters in the language model.
+ See table S1 in (Lin et al, 2022).
+ """
+ import esm.esmfold.v1.pretrained
+ return esm.esmfold.v1.pretrained.esmfold_structure_module_only_8M()
+
+
+def esmfold_structure_module_only_8M_270K():
+ """
+ ESMFold baseline model using 8M ESM-2, 0 folding blocks.
+ ESM-2 here is trained out to 270K updates.
+ This is a model designed to test the capabilities of the language model
+ when ablated for number of parameters in the language model.
+ See table S1 in (Lin et al, 2022).
+ """
+ import esm.esmfold.v1.pretrained
+ return esm.esmfold.v1.pretrained.esmfold_structure_module_only_8M_270K()
+
+
+def esmfold_structure_module_only_35M():
+ """
+ ESMFold baseline model using 35M ESM-2, 0 folding blocks.
+ ESM-2 here is trained out to 500K updates.
+ This is a model designed to test the capabilities of the language model
+ when ablated for number of parameters in the language model.
+ See table S1 in (Lin et al, 2022).
+ """
+ import esm.esmfold.v1.pretrained
+ return esm.esmfold.v1.pretrained.esmfold_structure_module_only_35M()
+
+
+def esmfold_structure_module_only_35M_270K():
+ """
+ ESMFold baseline model using 35M ESM-2, 0 folding blocks.
+ ESM-2 here is trained out to 270K updates.
+ This is a model designed to test the capabilities of the language model
+ when ablated for number of parameters in the language model.
+ See table S1 in (Lin et al, 2022).
+ """
+ import esm.esmfold.v1.pretrained
+ return esm.esmfold.v1.pretrained.esmfold_structure_module_only_35M_270K()
+
+
+def esmfold_structure_module_only_150M():
+ """
+ ESMFold baseline model using 150M ESM-2, 0 folding blocks.
+ ESM-2 here is trained out to 500K updates.
+ This is a model designed to test the capabilities of the language model
+ when ablated for number of parameters in the language model.
+ See table S1 in (Lin et al, 2022).
+ """
+ import esm.esmfold.v1.pretrained
+ return esm.esmfold.v1.pretrained.esmfold_structure_module_only_150M()
+
+
+def esmfold_structure_module_only_150M_270K():
+ """
+ ESMFold baseline model using 150M ESM-2, 0 folding blocks.
+ ESM-2 here is trained out to 270K updates.
+ This is a model designed to test the capabilities of the language model
+ when ablated for number of parameters in the language model.
+ See table S1 in (Lin et al, 2022).
+ """
+ import esm.esmfold.v1.pretrained
+ return esm.esmfold.v1.pretrained.esmfold_structure_module_only_150M_270K()
+
+
+def esmfold_structure_module_only_650M():
+ """
+ ESMFold baseline model using 650M ESM-2, 0 folding blocks.
+ ESM-2 here is trained out to 500K updates.
+ This is a model designed to test the capabilities of the language model
+ when ablated for number of parameters in the language model.
+ See table S1 in (Lin et al, 2022).
+ """
+ import esm.esmfold.v1.pretrained
+ return esm.esmfold.v1.pretrained.esmfold_structure_module_only_650M()
+
+
+def esmfold_structure_module_only_650M_270K():
+ """
+ ESMFold baseline model using 650M ESM-2, 0 folding blocks.
+ ESM-2 here is trained out to 270K updates.
+ This is a model designed to test the capabilities of the language model
+ when ablated for number of parameters in the language model.
+ See table S1 in (Lin et al, 2022).
+ """
+ import esm.esmfold.v1.pretrained
+ return esm.esmfold.v1.pretrained.esmfold_structure_module_only_650M_270K()
+
+
+def esmfold_structure_module_only_3B():
+ """
+ ESMFold baseline model using 3B ESM-2, 0 folding blocks.
+ ESM-2 here is trained out to 500K updates.
+ This is a model designed to test the capabilities of the language model
+ when ablated for number of parameters in the language model.
+ See table S1 in (Lin et al, 2022).
+ """
+ import esm.esmfold.v1.pretrained
+ return esm.esmfold.v1.pretrained.esmfold_structure_module_only_3B()
+
+
+def esmfold_structure_module_only_3B_270K():
+ """
+ ESMFold baseline model using 3B ESM-2, 0 folding blocks.
+ ESM-2 here is trained out to 270K updates.
+ This is a model designed to test the capabilities of the language model
+ when ablated for number of parameters in the language model.
+ See table S1 in (Lin et al, 2022).
+ """
+ import esm.esmfold.v1.pretrained
+ return esm.esmfold.v1.pretrained.esmfold_structure_module_only_3B_270K()
+
+
+def esmfold_structure_module_only_15B():
+ """
+ ESMFold baseline model using 15B ESM-2, 0 folding blocks.
+ ESM-2 here is trained out to 270K updates.
+ The 15B parameter ESM-2 was not trained out to 500K updates
+ This is a model designed to test the capabilities of the language model
+ when ablated for number of parameters in the language model.
+ See table S1 in (Lin et al, 2022).
+ """
+ import esm.esmfold.v1.pretrained
+ return esm.esmfold.v1.pretrained.esmfold_structure_module_only_15B()
diff --git a/esm/rotary_embedding.py b/esm/rotary_embedding.py
new file mode 100644
index 0000000000000000000000000000000000000000..e773982d90d54e332d9369b5e1826832acacfc38
--- /dev/null
+++ b/esm/rotary_embedding.py
@@ -0,0 +1,69 @@
+# Copyright (c) Meta Platforms, Inc. and affiliates.
+#
+# This source code is licensed under the MIT license found in the
+# LICENSE file in the root directory of this source tree.
+
+from typing import Tuple
+
+import torch
+
+
+def rotate_half(x):
+ x1, x2 = x.chunk(2, dim=-1)
+ return torch.cat((-x2, x1), dim=-1)
+
+
+def apply_rotary_pos_emb(x, cos, sin):
+ cos = cos[:, : x.shape[-2], :]
+ sin = sin[:, : x.shape[-2], :]
+
+ return (x * cos) + (rotate_half(x) * sin)
+
+
+class RotaryEmbedding(torch.nn.Module):
+ """
+ The rotary position embeddings from RoFormer_ (Su et. al).
+ A crucial insight from the method is that the query and keys are
+ transformed by rotation matrices which depend on the relative positions.
+ Other implementations are available in the Rotary Transformer repo_ and in
+ GPT-NeoX_, GPT-NeoX was an inspiration
+ .. _RoFormer: https://arxiv.org/abs/2104.09864
+ .. _repo: https://github.com/ZhuiyiTechnology/roformer
+ .. _GPT-NeoX: https://github.com/EleutherAI/gpt-neox
+ .. warning: Please note that this embedding is not registered on purpose, as it is transformative
+ (it does not create the embedding dimension) and will likely be picked up (imported) on a ad-hoc basis
+ """
+
+ def __init__(self, dim: int, *_, **__):
+ super().__init__()
+ # Generate and save the inverse frequency buffer (non trainable)
+ inv_freq = 1.0 / (10000 ** (torch.arange(0, dim, 2).float() / dim))
+ self.register_buffer("inv_freq", inv_freq)
+
+ self._seq_len_cached = None
+ self._cos_cached = None
+ self._sin_cached = None
+
+ def _update_cos_sin_tables(self, x, seq_dimension=1):
+ seq_len = x.shape[seq_dimension]
+
+ # Reset the tables if the sequence length has changed,
+ # or if we're on a new device (possibly due to tracing for instance)
+ if seq_len != self._seq_len_cached or self._cos_cached.device != x.device:
+ self._seq_len_cached = seq_len
+ t = torch.arange(x.shape[seq_dimension], device=x.device).type_as(self.inv_freq)
+ freqs = torch.einsum("i,j->ij", t, self.inv_freq)
+ emb = torch.cat((freqs, freqs), dim=-1).to(x.device)
+
+ self._cos_cached = emb.cos()[None, :, :]
+ self._sin_cached = emb.sin()[None, :, :]
+
+ return self._cos_cached, self._sin_cached
+
+ def forward(self, q: torch.Tensor, k: torch.Tensor) -> Tuple[torch.Tensor, torch.Tensor]:
+ self._cos_cached, self._sin_cached = self._update_cos_sin_tables(k, seq_dimension=-2)
+
+ return (
+ apply_rotary_pos_emb(q, self._cos_cached, self._sin_cached),
+ apply_rotary_pos_emb(k, self._cos_cached, self._sin_cached),
+ )
diff --git a/esm/version.py b/esm/version.py
new file mode 100644
index 0000000000000000000000000000000000000000..271f36efa775e1a23929f69a3d5c4883291eabe7
--- /dev/null
+++ b/esm/version.py
@@ -0,0 +1,6 @@
+# Copyright (c) Meta Platforms, Inc. and affiliates.
+#
+# This source code is licensed under the MIT license found in the
+# LICENSE file in the root directory of this source tree.
+
+version = "2.0.1"
diff --git a/eval/average_scores.py b/eval/average_scores.py
new file mode 100644
index 0000000000000000000000000000000000000000..8323a913fd868939a7761e897d8970e09d0e57cf
--- /dev/null
+++ b/eval/average_scores.py
@@ -0,0 +1,141 @@
+import pickle
+import os
+import argparse
+import tqdm
+import json
+
+SCORES_PATH = "/home/ubuntu/proteinchat/eval/results/scores"
+AVGS_PATH = "/home/ubuntu/proteinchat/eval/results/avgs"
+
+def parse_args():
+ parser = argparse.ArgumentParser(description="scorer")
+ parser.add_argument("--model", type=str, required=True, help="specify the model to load the model.")
+ args = parser.parse_args()
+ return args
+
+args = parse_args()
+
+prot_scores = open(os.path.join(SCORES_PATH, f"{args.model}_score_output.pickle"), "rb")
+prot_scores = pickle.load(prot_scores)
+
+# sum average each BERT score first
+for prot in tqdm.tqdm(prot_scores):
+ p_sum = 0
+ r_sum = 0
+ f1_sum = 0
+ l = len(prot_scores[prot]["bert_score"]["precision"])
+ for i in range(0, l):
+ p_sum += prot_scores[prot]["bert_score"]["precision"][i]
+ r_sum += prot_scores[prot]["bert_score"]["recall"][i]
+ f1_sum += prot_scores[prot]["bert_score"]["f1"][i]
+
+ prot_scores[prot]["bert_score"]["precision"] = p_sum / l
+ prot_scores[prot]["bert_score"]["recall"] = r_sum / l
+ prot_scores[prot]["bert_score"]["f1"] = f1_sum / l
+
+results = {}
+results["gpt_score"] = {}
+results["pubmedbert_score"] = {}
+results["rouge"] = {}
+results["bert_score"] = {}
+results["bleu"] = {}
+results["meteor"] = {}
+results["mauve"] = {}
+
+gpt_p_sum = 0
+gpt_r_sum = 0
+gpt_f1_sum = 0
+
+medbert_p_sum = 0
+medbert_r_sum = 0
+medbert_f1_sum = 0
+
+rouge_1_sum = 0
+rouge_2_sum = 0
+rouge_L_sum = 0
+rouge_Ls_sum = 0
+
+bert_p_sum = 0
+bert_r_sum = 0
+bert_f1_sum = 0
+
+bleu_sum = 0
+bleu_p_1_sum = 0
+bleu_p_2_sum = 0
+bleu_p_3_sum = 0
+bleu_p_4_sum = 0
+bleu_bp_sum = 0
+bleu_lr_sum = 0
+bleu_tl_sum = 0
+bleu_rl_sum = 0
+
+meteor_sum = 0
+
+for prot in tqdm.tqdm(prot_scores):
+ gpt_p_sum += prot_scores[prot]["gpt_score"]["precision"]
+ gpt_r_sum += prot_scores[prot]["gpt_score"]["recall"]
+ gpt_f1_sum += prot_scores[prot]["gpt_score"]["f1_score"]
+
+
+ medbert_p_sum += prot_scores[prot]["pubmedbert_score"]["precision"]
+ medbert_r_sum += prot_scores[prot]["pubmedbert_score"]["recall"]
+ medbert_f1_sum += prot_scores[prot]["pubmedbert_score"]["f1_score"]
+
+ rouge_1_sum += prot_scores[prot]["rouge"]["rouge1"]
+ rouge_2_sum += prot_scores[prot]["rouge"]["rouge2"]
+ rouge_L_sum += prot_scores[prot]["rouge"]["rougeL"]
+ rouge_Ls_sum += prot_scores[prot]["rouge"]["rougeLsum"]
+
+ bert_p_sum += prot_scores[prot]["bert_score"]["precision"]
+ bert_r_sum += prot_scores[prot]["bert_score"]["recall"]
+ bert_f1_sum += prot_scores[prot]["bert_score"]["f1"]
+
+ bleu_sum = prot_scores[prot]["bleu"]["bleu"]
+ bleu_p_1_sum = prot_scores[prot]["bleu"]["precisions"][0]
+ bleu_p_2_sum = prot_scores[prot]["bleu"]["precisions"][1]
+ bleu_p_3_sum = prot_scores[prot]["bleu"]["precisions"][2]
+ bleu_p_4_sum = prot_scores[prot]["bleu"]["precisions"][3]
+ bleu_bp_sum = prot_scores[prot]["bleu"]["brevity_penalty"]
+ bleu_lr_sum = prot_scores[prot]["bleu"]["length_ratio"]
+ bleu_tl_sum = prot_scores[prot]["bleu"]["translation_length"]
+ bleu_rl_sum = prot_scores[prot]["bleu"]["reference_length"]
+
+
+ meteor_sum = prot_scores[prot]["meteor"]["meteor"]
+
+l = len(prot_scores)
+results["gpt_score"]["precision"] = gpt_p_sum / l
+results["gpt_score"]["recall"] = gpt_r_sum / l
+results["gpt_score"]["f1_score"] = gpt_f1_sum / l
+
+results["pubmedbert_score"]["precision"] = medbert_p_sum / l
+results["pubmedbert_score"]["recall"] = medbert_r_sum / l
+results["pubmedbert_score"]["f1_score"] = medbert_f1_sum / l
+
+results["rouge"]["rouge1"] = rouge_1_sum / l
+results["rouge"]["rouge2"] = rouge_2_sum / l
+results["rouge"]["rougeL"] = rouge_L_sum / l
+results["rouge"]["rougeLsum"] = rouge_Ls_sum / l
+
+results["bert_score"]["precision"] = bert_p_sum / l
+results["bert_score"]["recall"] = bert_r_sum / l
+results["bert_score"]["f1_score"] = bert_f1_sum / l
+
+results["bleu"]["bleu"] = bleu_sum / l
+results["bleu"]["precisions"] = []
+results["bleu"]["precisions"].append(bleu_p_1_sum / l)
+results["bleu"]["precisions"].append(bleu_p_2_sum / l)
+results["bleu"]["precisions"].append(bleu_p_3_sum / l)
+results["bleu"]["precisions"].append(bleu_p_4_sum / l)
+results["bleu"]["brevity_penalty"] = bleu_bp_sum / l
+results["bleu"]["length_ratio"] = bleu_lr_sum / l
+results["bleu"]["translation_length"] = bleu_tl_sum / l
+results["bleu"]["reference_length"] = bleu_rl_sum / l
+
+results["meteor"] = meteor_sum / l
+# results["mauve"] =
+
+print(results)
+
+with open(os.path.join(AVGS_PATH , f"{args.model}_avg_scores.json"), 'w') as fp:
+ json.dump(results, fp, indent=4)
\ No newline at end of file
diff --git a/eval/embed_score.py b/eval/embed_score.py
new file mode 100644
index 0000000000000000000000000000000000000000..94ef1ab96cbf81a32cdc4f5595c32812ad1c6892
--- /dev/null
+++ b/eval/embed_score.py
@@ -0,0 +1,46 @@
+from openai import OpenAI
+from sklearn.metrics.pairwise import cosine_similarity
+import numpy as np
+from sentence_transformers import SentenceTransformer
+
+class Embed_Eval:
+ def __init__(self, model="gpt"):
+ self.client = OpenAI()
+ self.model = model
+ self.BERT_embed_model = ""
+ if "pubmedbert" in self.model:
+ self.BERT_embed_model = SentenceTransformer("neuml/pubmedbert-base-embeddings")
+
+ def get_embedding(self, text):
+ text = text.replace("\n", " ")
+ if "gpt" in self.model:
+ return self.client.embeddings.create(input = [text], model="text-embedding-3-large").data[0].embedding
+ if "pubmedbert" in self.model:
+ embeddings = self.BERT_embed_model.encode(text)
+ return embeddings
+
+ def compute(self, predictions, references):
+ ref_embeddings = [self.get_embedding(sent) for sent in references]
+ pred_embeddings = [self.get_embedding(sent) for sent in predictions]
+
+ # Compute pairwise cosine similarities
+ similarity_matrix = cosine_similarity(ref_embeddings, pred_embeddings)
+
+ # Get maximum similarity for each token in ref
+ ref_max_similarities = np.max(similarity_matrix, axis=1)
+
+ # Get maximum similarity for each token in pred
+ pred_max_similarities = np.max(similarity_matrix, axis=0)
+
+ # Compute precision, recall, and F1 score
+ precision = np.mean(pred_max_similarities)
+ recall = np.mean(ref_max_similarities)
+ f1_score = 2 * (precision * recall) / (precision + recall + 1e-8)
+
+ return {'precision': precision, 'recall': recall, 'f1_score': f1_score}
+
+if __name__ == "__main__":
+ gpt = Embed_Eval(model="gpt")
+ pubmedbert = Embed_Eval(model="pubmedbert")
+ print(gpt.compute(predictions="hello", references="hi"))
+ print(pubmedbert.compute(predictions="hello", references="hi"))
diff --git a/eval/eval.sh b/eval/eval.sh
new file mode 100755
index 0000000000000000000000000000000000000000..af0c7094b109f9de96f9aabebebee096c266ab89
--- /dev/null
+++ b/eval/eval.sh
@@ -0,0 +1,2 @@
+python eval_esm.py --cfg-path ../configs/evaluation.yaml --gpu-id 0 --model llama-3
+python score.py --model llama-3
\ No newline at end of file
diff --git a/eval/eval_esm.py b/eval/eval_esm.py
new file mode 100644
index 0000000000000000000000000000000000000000..1534ca6efaf4dd35b7b7acf04372ae5405a9ba04
--- /dev/null
+++ b/eval/eval_esm.py
@@ -0,0 +1,124 @@
+import argparse
+import os
+import random
+import sys
+import time
+import tqdm
+sys.path.insert(0, "..")
+
+import numpy as np
+import torch
+import torch.backends.cudnn as cudnn
+
+from minigpt4.common.config import Config
+from minigpt4.common.dist_utils import get_rank
+from minigpt4.common.registry import registry
+from minigpt4.conversation.conversation_esm import Chat, CONV_VISION
+
+# imports modules for registration
+from minigpt4.datasets.builders import *
+from minigpt4.models import *
+from minigpt4.processors import *
+from minigpt4.runners import *
+from minigpt4.tasks import *
+import sys
+
+import esm
+import json
+
+DATASET_SPEC = "/home/ubuntu/proteinchat/dataset.json"
+
+ANN_PATH = "/home/ubuntu/proteinchat/data/qa_all.json"
+PDB_PATH = "/home/ubuntu/pt"
+SEQ_PATH = "/home/ubuntu/seq"
+
+OUTPUT_SAVE_PATH = "/home/ubuntu/proteinchat/eval/results/outputs"
+annotation = open(ANN_PATH, "r")
+annotation = json.load(annotation)
+
+dataset = open(DATASET_SPEC, "r")
+dataset = json.load(dataset)
+all_prots = dataset["test"]
+
+def parse_args():
+ parser = argparse.ArgumentParser(description="Demo")
+ parser.add_argument("--cfg-path", required=True, help="path to configuration file.")
+ parser.add_argument("--gpu-id", type=int, default=0, help="specify the gpu to load the model.")
+ parser.add_argument("--model", type=str, required=True, help="specify the model to load the model.")
+ parser.add_argument(
+ "--options",
+ nargs="+",
+ help="override some settings in the used config, the key-value pair "
+ "in xxx=yyy format will be merged into config file (deprecate), "
+ "change to --cfg-options instead.",
+ )
+ args = parser.parse_args()
+ return args
+
+
+def setup_seeds(config):
+ seed = config.run_cfg.seed + get_rank()
+
+ random.seed(seed)
+ np.random.seed(seed)
+ torch.manual_seed(seed)
+
+ cudnn.benchmark = False
+ cudnn.deterministic = True
+
+print('Initializing Chat')
+args = parse_args()
+cfg = Config(args)
+
+model_config = cfg.model_cfg
+model_config.device_8bit = args.gpu_id
+model_cls = registry.get_model_class(model_config.arch)
+model = model_cls.from_config(model_config).to('cuda:{}'.format(args.gpu_id))
+
+vis_processor_cfg = cfg.datasets_cfg.cc_sbu_align.vis_processor.train
+vis_processor = registry.get_processor_class(vis_processor_cfg.name).from_config(vis_processor_cfg)
+chat = Chat(model, vis_processor, device='cuda:{}'.format(args.gpu_id))
+print('Initialization Finished')
+
+raw_output = {}
+score_output = {}
+
+START_SAMPLES = 0
+# END_SAMPLES = 8806
+END_SAMPLES = 160
+
+all_prots = all_prots[START_SAMPLES : END_SAMPLES]
+
+for prot in tqdm.tqdm(all_prots):
+ curr_prot_ann = annotation[prot]
+ pdb_path = os.path.join(PDB_PATH, f"{prot}.pt")
+ seq_path = os.path.join(SEQ_PATH, f"{prot}.pt")
+ seq_embedding = torch.load(seq_path, map_location=torch.device('cpu'))
+ sample_seq = seq_embedding.to('cuda:{}'.format(args.gpu_id))
+
+ if (seq_embedding.shape[1] > 384):
+ continue
+ raw_output[prot] = []
+ pdb_embedding = torch.load(pdb_path, map_location=torch.device('cpu'))
+ sample_pdb = pdb_embedding.to('cuda:{}'.format(args.gpu_id))
+
+
+ for ann in curr_prot_ann:
+ d = {}
+ d["Q"] = ann["Q"]
+ chat_state = CONV_VISION.copy()
+ img_list = []
+ llm_message = chat.upload_protein(sample_pdb, sample_seq, chat_state, img_list)
+ img_list = [mat.half() for mat in img_list]
+ chat.ask(ann["Q"], chat_state)
+ ans = chat.answer(conv=chat_state,
+ img_list=img_list,
+ num_beams=1,
+ temperature=0.7,
+ max_new_tokens=384,
+ max_length=2048)[0]
+ d["A"] = ans
+ raw_output[prot].append(d)
+
+with open(os.path.join(OUTPUT_SAVE_PATH, f"{args.model}_eval_output.json"), 'w') as fp:
+ json.dump(raw_output, fp, indent=4)
\ No newline at end of file
diff --git a/eval/evaluator.py b/eval/evaluator.py
new file mode 100644
index 0000000000000000000000000000000000000000..6fed5558070a2b4bc69a0c43250894c935b7f564
--- /dev/null
+++ b/eval/evaluator.py
@@ -0,0 +1,30 @@
+import evaluate
+# Use a pipeline as a high-level helper
+from transformers import pipeline
+from embed_score import Embed_Eval
+
+class Evaluator:
+ def __init__(self):
+ self.gpt_score = Embed_Eval(model="gpt")
+ self.pubmedbert_score = Embed_Eval(model="pubmedbert")
+ self.rouge = evaluate.load("rouge")
+ self.bertscore = evaluate.load("bertscore")
+ self.bleu = evaluate.load("bleu")
+ self.meteor = evaluate.load("meteor")
+ self.mauve = evaluate.load("mauve")
+ self.biomedBERT = pipeline("fill-mask", model="microsoft/BiomedNLP-BiomedBERT-base-uncased-abstract-fulltext")
+
+ def eval(self, pred, ref):
+ results = {}
+ results["gpt_score"] = self.gpt_score.compute(predictions=pred, references=ref)
+ results["pubmedbert_score"] = self.pubmedbert_score.compute(predictions=pred, references=ref)
+ results["rouge"] = self.rouge.compute(predictions=pred, references=ref)
+ results["bert_score"] = self.bertscore.compute(predictions=pred, references=ref, model_type="distilbert-base-uncased")
+ results["bleu"] = self.bleu.compute(predictions=pred, references=ref) # precisions are bleu-1 to bleu-4, n-grams
+ results["meteor"] = self.meteor.compute(predictions=pred, references=ref)
+ results["mauve"] = self.mauve.compute(predictions=pred, references=ref)
+ return results
+
+if __name__ == "__main__":
+ evaluator = Evaluator()
+ print(evaluator.eval(["hello there general kenobi", "foo bar foobar"], ["hello there general kenobi", "foo bar foobar"]))
diff --git a/eval/results/avgs/llama-2_avg_scores.json b/eval/results/avgs/llama-2_avg_scores.json
new file mode 100644
index 0000000000000000000000000000000000000000..a419f00128ee692841b04ef9c55f2c0cd7d7866b
--- /dev/null
+++ b/eval/results/avgs/llama-2_avg_scores.json
@@ -0,0 +1,38 @@
+{
+ "gpt_score": {
+ "precision": 0.6980871624324851,
+ "recall": 0.7127254131153953,
+ "f1_score": 0.704834289367951
+ },
+ "pubmedbert_score": {
+ "precision": 0.7064137150843938,
+ "recall": 0.7759113654494285,
+ "f1_score": 0.7389454205873335
+ },
+ "rouge": {
+ "rouge1": 0.3659305177603431,
+ "rouge2": 0.020672486922408015,
+ "rougeL": 0.36848071670658417,
+ "rougeLsum": 0.36707879084117795
+ },
+ "bert_score": {
+ "precision": 0.7786839826146094,
+ "recall": 0.8027321054412081,
+ "f1_score": 0.7896073062115788
+ },
+ "bleu": {
+ "bleu": 0.0,
+ "precisions": [
+ 0.0018199233716475096,
+ 0.0002824858757062147,
+ 0.0001633986928104575,
+ 0.0
+ ],
+ "brevity_penalty": 0.008333333333333333,
+ "length_ratio": 0.015425531914893617,
+ "translation_length": 0.725,
+ "reference_length": 0.39166666666666666
+ },
+ "meteor": 0.0019263250791459903,
+ "mauve": {}
+}
\ No newline at end of file
diff --git a/eval/results/outputs/llama-2_eval_output.json b/eval/results/outputs/llama-2_eval_output.json
new file mode 100644
index 0000000000000000000000000000000000000000..659303321d5fc9b308c2ffc6e467e64d13ad73e6
--- /dev/null
+++ b/eval/results/outputs/llama-2_eval_output.json
@@ -0,0 +1,14274 @@
+{
+ "5wes": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 1 assembly."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "This protein has 10 heavy atom coordinates."
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "This protein has 10 hydrogen atom coordinates."
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "This protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 1 heavy solvent atom coordinate record."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 1 nucleic acid polymer entity."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms is 1.54 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 1 intermolecular covalent bond."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "This protein has 2 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is DNA."
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components are 1:1 complexes of the protein with the nonpolymeric ligands, 1,2,3-triazole and 1,2,3-triazole-4-carboxylic acid. The protein is a 1:1 complex of the protein with the nonpolymeric ligands."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray crystallography was used to determine the structure of this protein."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100.3."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is Protein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, PHENIX, and RELION."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is characterized by the presence of a conserved, highly positively charged surface, which is involved in the binding of the protein to the membrane."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2017."
+ }
+ ],
+ "7lrq": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "105"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "104"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "WAVELET"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is UNKNOWN."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "28.34"
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "protein/peptide"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "AMBER, PHENIX, RELION"
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "Experimental."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "TERMINAL SNARE PROTEINS"
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "This protein was first published in 2017."
+ }
+ ],
+ "6jsc": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "105"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "300."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 1 heavy solvent atom coordinate records."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "WAVELENGTH=1.345 A."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 4 intermolecular covalent bonds."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NUCLEIC ACID POLYMER ENTITY"
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components are 1-O-methyl-D-glucose and 1-O-methyl-D-mannose."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "16.3 KDa"
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "HETEROCELLULAR PROTEIN"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX, REFMAC, and XDS."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a member of the glycosyltransferase family."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2017."
+ }
+ ],
+ "5vyt": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "The protein has 10 heavy atom coordinates."
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 1 heavy solvent atom coordinate records."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.2467 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 12 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% polymer."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "103.35 KDa"
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "THE POLYMER ENTITY TYPE IS PROTEIN."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, PHENIX, and REFMAC."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The terms characterizing the protein are the presence of a zinc ion, a cysteine residue, and a conserved arginine residue."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2007."
+ }
+ ],
+ "6r01": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 10 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "105"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "105"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 104 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.5446 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% polymer."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is NUCLEIC ACID."
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components are 1-O-methyl-D-glucose, 1-O-methyl-D-mannose, and 1-O-methyl-D-galactose."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray crystallography was used to determine the structure of this protein."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 10000."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is POLYMER."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX, RELION, and Rosetta."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein was determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The terms characterizing the protein are: 100% identical to those of the protein from the species Mus musculus."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2019."
+ }
+ ],
+ "5yrd": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 1 assembly."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "1306"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "This protein has 10 hydrogen atom coordinates."
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "This protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 1 heavy solvent atom coordinate records."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "This protein has 1 nucleic acid polymer entity (1 DNA)."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "1.6465"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "This protein has 1 intermolecular covalent bond."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "This protein has 1 intermolecular metalic bond."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% polymer."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "HYBRID"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "AMBER, AMBER-EXTEND, AMBER-EXTEND-2, AMBER-EXTEND-3, AMBER-EXTEND-4, AMBER-EXTEND-5, AMBER-EXTEND-6, AMBER-EXTEND-7, AMBER-EXTEND-8, AMBER-EXTEND-9, AMBER-EXTEND-10, AMBER-EXTEND-11, AMBER-EXTEND-12, AMBER-EXTEND-13, AMBER-EXTEND-14, AMBER-EXTEND-15, AMBER-EXTEND-16, AMBER-EXTEND-17, AMBER-EXTEND-18, AMBER-EXTEND-19, AMBER-EXTEND-20, AMBER-EXTEND-21, AMBER-EXTEND-22, AMBER-EXTEND-23, AMBER-EXTEND-24, AMBER-EXTEND-25, AMBER-EXTEND-26, AMBER-EXTEND-27, AMBER-EXTEND-28, AMBER-EXTEND-29, AMBER-EXTEND-30, AMBER-EXTEND-31, AMBER-EXTEND-32, AMBER-EXTEND-33, AMBER-EXTEND-34, AMBER-EXTEND-35, AMBER-EXTEND-36, AMBER-EXTEND-37, AMBER-EXTEND-38, AMBER-EXTEND-39, A"
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "Yes, the protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "TERMS"
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "2018"
+ }
+ ],
+ "4bls": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "1066"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "106"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "ABOUT 1000"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "106"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "ABOUT 100"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "RADIATION WAVELENGTH = 1.064 \u00c5"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 12 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA\nThe nucleic acid polymer entity type for this protein is RNA."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100.00."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "HYBRID"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "AMBER, CNS, PHENIX, RELION"
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "Yes, the protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "TERMS OF USE"
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2013."
+ }
+ ],
+ "2yjk": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "This protein has 10 heavy atom coordinates."
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "This protein has 10 hydrogen atom coordinates."
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 104 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 1 heavy solvent atom coordinate records."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.54 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 1 intermolecular covalent bond."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 10 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% polymer."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is RNA."
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components are 1,4-N-acetyl-D-glucosamine and 1,4-N-acetyl-D-galactosamine."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "The structure of this protein was determined by X-ray crystallography."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 10000."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is a homopolymer."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX, REFMAC, and PDB2PQR."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The terms characterizing the protein are: 1,4-Beta-D-glucan 4-O-sulfate, 1,4-Beta-D-glucan 6-O-sulfate, 1,4-Beta-D-glucan 6-O-sulfate 2-O-sulfate, 1,4-Beta-D-glucan 6-O-sulfate 3-O-sulfate, 1,4-Beta-D-glucan 6-O-sulfate 4-O-sulfate, 1,4-Beta-D-glucan 6-O-sulfate 5-O-sulfate, 1,4-Beta-D-glucan 6-O-sulfate 6-O-sulfate, 1,4-Beta-D-glucan 6-O-sulfate 7-O-sulfate, 1,4-Beta-D-glucan 6-O-sulfate 8-O-sulfate, 1,4-Beta-D-glucan 6-O-sulfate 9-O-sulfate, 1,4-Beta-D-glucan 6-O-sulfate 10-O-sulfate, 1,4-Beta-D-glucan 6-O-sulfate 11-O-sulfate, 1,4-Beta-D-glucan 6-O-sulfate 12-O-sulfate"
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2007."
+ }
+ ],
+ "1jq5": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "1406"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "106"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "106"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 2 nucleic acid polymer entities."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "1.845 \u00c5"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 2 intermolecular covalent bonds."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components are 1-methyl-4-pyridinium (MP+)."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "Experimental method(s) used: X-ray crystallography"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 10000."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "HETEROENTITY"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, PHENIX, and REFMAC."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The terms characterizing the protein are: 1,2-alpha-glucosidase, alpha-glucosidase, alpha-glucosidase inhibitor, alpha-glucosidase inhibitors, alpha-glucosidase substrate, alpha-glucosidase-inhibitor complex, alpha-glucosidase-inhibitor complexes, alpha-glucosidase-inhibitor-protein complex, alpha-glucosidase-inhibitor-protein complexes, alpha-glucosidase-inhibitor-protein-protein complex, alpha-glucosidase-inhibitor-protein-protein complexes, alpha-glucosidase-inhibitor-protein-protein-protein complex, alpha-glucosidase-inhibitor-protein-protein-protein complexes, alpha-glucosidase-inhibitor-protein-protein-protein-protein complex, alpha-glucosidase-inhibitor-protein-protein-protein-protein complexes, alpha-glucosidase-inhibitor-protein-protein-protein-protein-protein complexes, alpha-glucosidase-inhibitor-protein-protein-protein-protein-protein complexes, alpha-glucosidase-inhibitor-protein-protein-protein-protein-protein-protein complexes, alpha-glucosidase-inhibitor-protein-protein-protein-protein-protein-protein complexes, alpha-glucosid"
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2007."
+ }
+ ],
+ "3q66": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "105"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "102"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "1.8785 \u00c5"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "THE POLYMER ENTITY COMPOSITION IS 100% POLYMER."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "173.34"
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "METABOLIC PROTEIN"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "AMBER, ANSA, PHENIX, PYMOL"
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "Experimental."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The terms characterizing the protein are: 1,4-Beta-glucan, 1,3-Beta-glucan, Beta-glucan, Glucan, Glucosyltransferase, Glycosyltransferase, Glycosylation, Glycosyltransferase, Glycosylation, Glycosyltransferase, Glycosyltransferase, Glycosyltransferase, Glycosyltransferase, Glycosyltransferase, Glycosyltransferase, Glycosyltransferase, Glycosyltransferase, Glycosyltransferase, Glycosyltransferase, Glycosyltransferase, Glycosyltransferase, Glycosyltransferase, Glycosyltransferase, Glycosyltransferase, Glycosyltransferase, Glycosyltransferase, Glycosyltransferase, Glycosyltransferase, Glycosyltransferase, Glycosyltransferase, Glycosyltransferase, Glycosyltransferase, Glycosyltransferase, Glycosyltransferase, Glycosyltransferase, Glycosyltransferase, Glycosyltransferase, Glycosyltransferase, Glycosyltransferase, Glycosyltransferase, Glycosyltransferase, Glycosyltransferase, Glycosyltransferase, Glycosyltransferase, Glycosyltransferase, Glycosyltransferase, Glycosyltransferase, G"
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2007."
+ }
+ ],
+ "7mpk": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "1066"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 1 nucleic acid polymer entity."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.244 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 12 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% poly(ethylene glycol) (PEG)."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is NUCLEIC ACID POLYMER."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100.6."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "THE POLYMER ENTITY TYPE IS A PROTEIN"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, HKL-30, and PHENIX."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The terms characterizing the protein are the presence of a zinc ion, a cysteine residue, and a histidine residue."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2007."
+ }
+ ],
+ "4e3n": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "100"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "This protein has 10 hydrogen atom coordinates."
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "This protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 1 heavy solvent atom coordinate records."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "This protein has 2 nucleic acid polymer entities (DNA or RNA)."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.544 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "This protein has 2 intermolecular covalent bonds."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "This protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% polymer."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is Nucleic acid polymer."
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components are 1-O-methyl-D-glucose and 1-O-methyl-D-mannose."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is a protein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX, REFMAC, and XDS."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is characterized by a highly conserved binding site for the protein-protein interaction domain of the protein."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "This protein was first published in 2007."
+ }
+ ],
+ "4wfr": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "This protein has 10 heavy atom coordinates records."
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "This protein has 10 hydrogen atom coordinates."
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 1 heavy solvent atom coordinate records."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 1 nucleic acid polymer entity (1 DNA)."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.54 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 1 intermolecular covalent bond."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100.3."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "ACTIVATOR"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX, REFMAC, and XDS."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a 1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1"
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2013."
+ }
+ ],
+ "5b0k": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "The protein has 10 heavy atom coordinates."
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 104 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.446 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 12 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100%."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 10000."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is Protein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, HKL-3000, and PHENIX."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The terms characterizing the protein are: 1,4-Beta-glucan synthesis, cell wall biosynthesis, cell wall structure, fungal cell wall, fungus, glycosyltransferase, glycosyltransferase activity, glycosyltransferase inhibitor, glycosyltransferase inhibitors, glycosyltransferase substrate, glycosyltransferase substrate binding, glycosyltransferase substrate specificity, glycosyltransferase-mediated glycosylation, glycosyltransferase-mediated glycosylation inhibitor, glycosyltransferase-mediated glycosylation inhibitors, glycosyltransferase-mediated glycosylation substrate, glycosyltransferase-mediated glycosylation substrate binding, glycosyltransferase-mediated glycosylation substrate specificity, glycosyltransferase-mediated glycosylation substrate inhibitor, glycosyltransferase-mediated glycosylation substrate inhibitors, glycosyltransferase-mediated glycosylation substrate specificity inhibitor, glycosyltransferase-mediated glycosylation substrate specificity inhibitors, glycosyltransferase-mediated glycosylation substrate inhibitor, glycosyltransferase-mediated glycosylation substrate inhibitors, glycosyltransferase-mediated glycosylation substrate specificity inhibitor, glycosyltransferase"
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2007."
+ }
+ ],
+ "7xn4": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 3 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "104"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "149"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "1054"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "10"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "This protein has 1 intermolecular metalic bond."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "Yes"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "No"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "Yes"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "Yes"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "Yes"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "Yes"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "Yes. This protein has hybrid nucleic acid polymer entities."
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "No"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is Nucleic acid polymer."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "Cryo-electron microscopy (cryo-EM)"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 10000."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is a protein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX, RELION, and Rosetta."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a transcription factor."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2013."
+ }
+ ],
+ "4m9e": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 1 assembly."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "174"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "164"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "10"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 1 nucleic acid polymer entity."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.243."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 4 intermolecular covalent bonds."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO."
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO."
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO."
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is RNA."
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components for this protein are unknown."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray crystallography was used to determine the structure of this protein."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 103.3."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is Protein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, HKL-3000, and HKL-4000."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "THE TERMS ARE PROTEIN."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2017."
+ }
+ ],
+ "7ro4": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "10"
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "114"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "100"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "10"
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is NUCLEIC ACID POLYMER."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "105.3 KDa"
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is Protein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX, RELION, and XDS."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "Experimental"
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a multifunctional enzyme that catalyzes the hydrolysis of ATP to ADP and Pi, and the synthesis of ATP from ADP and Pi."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2017."
+ }
+ ],
+ "4un7": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "164"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "106"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "300"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "14"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 1 nucleic acid polymer entity (1 DNA)."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "1.645 \u00c5"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components are 1-methyladenosine and 2-methyladenosine."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray crystallography was used to determine the structure of this protein."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "THE POLYMER ENTITY TYPE IS PROTEIN."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "AMBER, AMBER-EXTEND, AMBER-EXTEND-2, AMBER-EXTEND-3, AMBER-EXTEND-4, AMBER-EXTEND-5, AMBER-EXTEND-6, AMBER-EXTEND-7, AMBER-EXTEND-8, AMBER-EXTEND-9, AMBER-EXTEND-10, AMBER-EXTEND-11, AMBER-EXTEND-12, AMBER-EXTEND-13, AMBER-EXTEND-14, AMBER-EXTEND-15, AMBER-EXTEND-16, AMBER-EXTEND-17, AMBER-EXTEND-18, AMBER-EXTEND-19, AMBER-EXTEND-20, AMBER-EXTEND-21, AMBER-EXTEND-22, AMBER-EXTEND-23, AMBER-EXTEND-24, AMBER-EXTEND-25, AMBER-EXTEND-26, AMBER-EXTEND-27, AMBER-EXTEND-28, AMBER-EXTEND-29, AMBER-EXTEND-30, AMBER-EXTEND-31, AMBER-EXTEND-32, AMBER-EXTEND-33, AMBER-EXTEND-34, AMBER-EXTEND-35, AMBER-EXTEND-36, AMBER-EXTEND-37, AMBER-EXTEND-38, AMBER-EXTEND-39, A"
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "Yes, the protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a member of the protein family of DNA-binding proteins."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2013."
+ }
+ ],
+ "3k3i": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "The protein has 10 heavy atom coordinates."
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "0"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 1 heavy solvent atom coordinate records."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% poly(ethylene glycol) (PEG)."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "UNKNOWN"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, PHASER, PHENIX, REFMAC, and XDS."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a protein kinase inhibitor."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2013."
+ }
+ ],
+ "5kgr": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "This protein has 10 heavy atom coordinates."
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "This protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 1 heavy solvent atom coordinate records."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "This protein has 0 nucleic acid polymer entities."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "1.244"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "This protein has 2 intermolecular covalent bonds."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "This protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO."
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is NUCLEIC ACID POLYMER."
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components for this protein are 1-phosphatidylinositol-4-phosphate and 1-phosphatidylinositol-3-phosphate."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "HETERODIMER"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX, REFMAC, and XSCALE."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The terms characterizing the protein are the presence of a cysteine residue at position 106, the presence of a glycine residue at position 107, and the presence of a proline residue at position 108."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "This protein was first published in 2007."
+ }
+ ],
+ "3ovr": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "1058"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 104 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% poly(ethylene glycol) (PEG)."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is RNA."
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components are 2-oxoglutarate, ATP, and Mg2+."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100.3."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is a homopolymer."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, PHENIX, and REFMAC."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The terms characterizing the protein are the presence of a conserved catalytic site, a conserved binding site for the substrate, and a conserved binding site for the cofactor."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2007."
+ }
+ ],
+ "4kb4": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "106"
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "1646"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "1646"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "ABOUT 100"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "ABOUT 100"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "1.24485 \u00c5"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "AMBRIX"
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NUCLEIC ACID"
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "ABOUND"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray crystallography."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 10000."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "UNKNOWN"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "ALIGN, PHASER, PHENIX"
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein was determined by X-ray crystallography."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "TERMS"
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2007."
+ }
+ ],
+ "1g1o": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "10"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "104"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "1.244 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "NO."
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO."
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO."
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO."
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO."
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO."
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NUCLEIC ACID POLYMER ENTITY"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "16.3 kDa"
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "UNKNOWN"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "AMBER, PHENIX, REFMAC, XDS, X-PLOR"
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "Experimental."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The terms characterizing the protein are the presence of a zinc ion, a cysteine residue, and a conserved arginine residue."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2003."
+ }
+ ],
+ "3zd1": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "105"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "This protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 1 heavy solvent atom coordinate records."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 1 nucleic acid polymer entity."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "1.8878"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 1 intermolecular covalent bond."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO."
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO."
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is DNA."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "18.35 kDa"
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is Protein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, PHENIX, and REFMAC."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a member of the immunoglobulin superfamily."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2007."
+ }
+ ],
+ "1xu0": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "115"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "130"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "100"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "A protein has 1 intermolecular metalic bond."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NUCLEIC ACID POLYMER ENTITY"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100.3 kDa."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is Protein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are: AMBER, ANSI-MOL, and PHENIX."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "Experimental"
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The terms characterizing the protein are: 1) a novel, non-canonical fold; 2) a unique, non-redundant binding site for the ligand; 3) a high degree of structural similarity to the protein PDZ-1; 4) a high degree of functional similarity to the protein PDZ-1."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "2019-07-18"
+ }
+ ],
+ "3fwh": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "This protein has 10 heavy atom coordinates."
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "This protein has 1 hydrogen atom coordinate records."
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 12 heavy solvent atom coordinates records."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has no nucleic acid polymer entities."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.34 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 1 intermolecular covalent bond."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 12 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% polymer."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is RNA."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is a protein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX, REFMAC, and XDS."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is characterized by the presence of a covalent dimer interface, a covalent monomer interface, and a covalent dimer interface."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2007."
+ }
+ ],
+ "3qri": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 3 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "105"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "0"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "1.27488888888889"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 1 intermolecular covalent bond."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition is 100% poly(ethylene glycol) (PEG)."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is Protein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, PHENIX, and REFMAC."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a protein kinase B (PKB) inhibitor."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2013."
+ }
+ ],
+ "3q73": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "1000"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "100"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "1.544 \u00c5"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 1 intermolecular metalic bond."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components are 1-phosphatidylinositol 3,4-bisphosphate (PIP2) and 1-phosphatidylinositol 4,5-bisphosphate (PIP3)."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 10000."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "HETEROARYL"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "AMBER, PHENIX, REFMAC, XDS"
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The terms characterizing the protein are: 1) the presence of a zinc ion; 2) the presence of a conserved cysteine residue; 3) the presence of a conserved histidine residue; 4) the presence of a conserved arginine residue; 5) the presence of a conserved glycine residue."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2013."
+ }
+ ],
+ "5ozh": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "304"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "100"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "304"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "10"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.544 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 1 intermolecular covalent bond."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "This protein has 2 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% polymer."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NUCLEIC ACID POLYMER ENTITY"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "HET-PE"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, PHENIX, and REFMAC."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "HYDROLASE, PROTEASE"
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "This protein was first published in 2007."
+ }
+ ],
+ "5xsp": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "1068"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "10"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "1.845 \u00c5"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components are 1-phosphatidylinositol 3,4-bisphosphate (PIP2) and 1-phosphatidylinositol 4,5-bisphosphate (PIP3)."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "The structure of this protein was determined by X-ray crystallography."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "28.36"
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "METAL PROTEIN"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, PHENIX, and REFMAC."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a 2-oxoglutarate-dependent dioxygenase."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2007."
+ }
+ ],
+ "1bz7": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "This protein has 10 heavy atom coordinates."
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "This protein has 10 hydrogen atom coordinates."
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "This protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 1 heavy solvent atom coordinates record."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "This protein has 1 nucleic acid polymer entity (1 DNA)."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "1.245 \u00c5"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "This protein has 1 intermolecular covalent bond(s)."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "This protein has 2 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO."
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO."
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "160.3 kDa"
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "Protein (PRO)"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are: AMBER, ANSI-MOL, AMBER-99, AMBER-99-EXT, AMBER-99-EXT-EXT, AMBER-99-EXT-EXT-EXT, AMBER-99-EXT-EXT-EXT-EXT, AMBER-99-EXT-EXT-EXT-EXT-EXT, AMBER-99-EXT-EXT-EXT-EXT-EXT-EXT, AMBER-99-EXT-EXT-EXT-EXT-EXT-EXT-EXT, AMBER-99-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT, AMBER-99-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT, AMBER-99-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT, AMBER-99-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT, AMBER-99-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT, AMBER-99-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT, AMBER-99-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT, AMBER-99-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT, AMBER-99-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT, AMBER-99-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT"
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "Experimental."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a member of the immunoglobulin superfamily."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "1999"
+ }
+ ],
+ "6ha4": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "This protein has 10 heavy atom coordinates records."
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "This protein has 10 hydrogen atom coordinates."
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "This protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 1 heavy solvent atom coordinates record."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 1 nucleic acid polymer entity (1 DNA)."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "1.25454 angstroms"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 1 intermolecular covalent bond."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is RNA."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray crystallography was used to determine the structure of this protein."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "THE POLYMER ENTITY TYPE IS A PROTEIN."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "AMBER, AMBER-EXTEND, and PHENIX."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is characterized by a highly conserved N-terminal signal peptide, a transmembrane domain, and a C-terminal cytoplasmic domain."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2017."
+ }
+ ],
+ "5cqi": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "The protein has 10 heavy atom coordinates."
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "The protein has 10 hydrogen atom coordinates."
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "The protein has 12 heavy solvent atom coordinates."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 1 nucleic acid polymer entity."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms is 1.544 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 4 intermolecular covalent bonds."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "THE NUCLEIC ACID POLYMER ENTITY TYPE IS DNA."
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components are H2O and Na+."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray crystallography."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 10.6 kDa."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "THE PROTEIN"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX, REFMAC, and XDS."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "THE TERMS CHARACTERIZING THE PROTEIN ARE ITS HIGH AFFINITY FOR THE HUMAN CARBOHYDRATE-BINDING PROTEIN, HCBP."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein is first published in 2018."
+ }
+ ],
+ "5tm4": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "104"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "100"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 0 nucleic acid polymer entities."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.54 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO."
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100%."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is NUCLEIC ACID POLYMER."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "Crystallization, X-ray crystallography"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is Protein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, PHENIX, and REFMAC."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The terms characterizing the protein are the presence of a zinc ion, a conserved cysteine residue, and a conserved arginine residue."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "This protein is first published in 2019."
+ }
+ ],
+ "2znr": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 3 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "1645"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "164"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 10 heavy solvent atom coordinates."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 1 nucleic acid polymer entity (1 DNA)."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.5444."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 1 intermolecular covalent bond."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% polymer."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is NUCLEIC ACID."
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components are 1-methylnicotinamide and 2-methyl-5-hydroxy-3-methyl-4-oxo-pentanoate."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100.3."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is Protein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, PHENIX, and REFMAC."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is characterized by a highly conserved, 12-stranded beta-barrel structure, a conserved N-terminal transmembrane domain, and a C-terminal cytoplasmic domain."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2013."
+ }
+ ],
+ "6trr": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 3 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "1056"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "104"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "This protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "1.2449 \u00c5"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "This protein has 1 intermolecular metalic bond."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NUCLEIC ACID POLYMER ENTITY"
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components for this protein are unknown."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray crystallography was used to determine the structure of this protein."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "143.35 kDa"
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "HUMAN\n\nThis protein is a human protein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX, RELION, and Rosetta."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The terms characterizing the protein are the presence of a zinc ion and a conserved cysteine residue."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2013."
+ }
+ ],
+ "1v7s": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 1 assembly."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "100"
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "105"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "A protein has 100 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 1 heavy solvent atom coordinate records."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "This protein has 1 nucleic acid polymer entity (1 DNA)."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.2448 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 1 intermolecular covalent bond."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 12 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% polymer."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is NUCLEIC ACID."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "The structure of the protein was determined using X-ray crystallography."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100.0."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "HYDROGEL"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX, REFMAC, and PDB2PQR."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is characterized by a high degree of similarity to the human protein."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2007."
+ }
+ ],
+ "6pog": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "This protein has 10 heavy atom coordinates records."
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "This protein has 10 hydrogen atom coordinates."
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.543."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% polymer."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is DNA."
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components for this protein are unknown."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "The structure of this protein was determined by X-ray crystallography."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is Protein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX, RELION, and XDS."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a member of the protein family of proteins that are involved in the regulation of the immune response."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2013."
+ }
+ ],
+ "4esb": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 3 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "1.064"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 10 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "A."
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "A, B, C, D, E, F, G, H, I, J, K, L, M, N, O, P, Q, R, S, T, U, V, W, X, Y, Z"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is NUCLEIC ACID."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "The structure of this protein was determined by X-ray crystallography."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "16.3 kDa"
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is Protein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX, REFMAC, and PDB2PQR."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein was determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a transcriptional regulator."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2007."
+ }
+ ],
+ "1zyr": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 3 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 10 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "1706"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "1056"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "109"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 104 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "126"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 2 nucleic acid polymer entities."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.54 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 1 intermolecular covalent bond(s)."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 1 intermolecular metalic bond."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition of this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is RNA."
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components are 1-methyl-4-pyridinium (MP+), 1-methyl-4-pyridinium (MP+), and 1-methyl-4-pyridinium (MP+)."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "Cryo-electron microscopy (cryo-EM) was used to determine the structure of this protein."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass of polymer and non-polymer entities (exclusive of solvent) for this protein is 100,000 KDa."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is a homopolymer."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, HKL-3000, and HKL-5000."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein was determined by X-ray crystallography."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a DNA-binding protein that is involved in the regulation of gene expression."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2007."
+ }
+ ],
+ "5a4r": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "105"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "105"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 1 heavy solvent atom coordinate record."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 1 nucleic acid polymer entity."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.54 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 1 intermolecular covalent bond."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 10 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NUCLEIC ACID POLYMER ENTITY TYPE=RNA"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "TISSUE BINDING PROTEIN"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, PHENIX, and REFMAC."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is characterized by a highly conserved, 12-stranded beta-barrel structure, a conserved N-terminal transmembrane domain, and a C-terminal cytoplasmic domain."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2013."
+ }
+ ],
+ "7dds": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "This protein has 10 heavy atom coordinates."
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "This protein has 10 hydrogen atom coordinates."
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 104 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 1 heavy solvent atom coordinate record."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 0 nucleic acid polymer entities."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.544 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "This protein has 1 intermolecular covalent bond."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 1 intermolecular metalic bond."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is NUCLEIC ACID."
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components are 1-methyl-4-pyridinium (MP+)."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "The structure of this protein was determined by X-ray crystallography."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is Protein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX, PYMOL, and X-PLOR."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is characterized by the following terms: (1) a 1:1 stoichiometry of the protein and the ligand; (2) a high affinity for the ligand; (3) a high specificity for the ligand; (4) a high stability of the protein; (5) a high yield of the protein; (6) a high purity of the protein."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2003."
+ }
+ ],
+ "1h48": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "177"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "177"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "This protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 1 heavy solvent atom coordinates records."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 2 nucleic acid polymer entities (DNA or RNA)."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms is 1.54 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 4 intermolecular covalent bonds."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "This protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO."
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO."
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% polymer."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components are 1-methyl-4-pyridinium (MP+) and 1-methyl-4-pyridinium (MP+)."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "UNKNOWN"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "AMBER, AMBER-EXTEND, AMBER-REDOX, AMBER-SANS, AMBER-SANS-EXTEND, AMBER-SANS-REDOX, AMBER-SANS-TRI, AMBER-TRI, AMBER-TRI-EXTEND, AMBER-TRI-REDOX, AMBER-TRI-SANS, AMBER-TRI-SANS-EXTEND, AMBER-TRI-SANS-REDOX, AMBER-TRI-SANS-TRI, AMBER-TRI-TRI-EXTEND, AMBER-TRI-TRI-REDOX, AMBER-TRI-TRI-SANS, AMBER-TRI-TRI-SANS-EXTEND, AMBER-TRI-TRI-SANS-REDOX, AMBER-TRI-TRI-SANS-TRI, AMBER-TRI-TRI-TRI-EXTEND, AMBER-TRI-TRI-TRI-REDOX, AMBER-TRI-TRI-TRI-SANS"
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The terms characterizing the protein are the presence of a conserved cleft, a conserved cleft-binding site, and a conserved cleft-binding residue."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2007."
+ }
+ ],
+ "5tmm": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "100"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.54 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO."
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100%."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NUCLEIC ACID POLYMER ENTITY TYPE=DNA"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 10000."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "HUMANOBJECT"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, PHENIX, and RELION."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The terms characterizing the protein are the presence of a zinc ion, a conserved cysteine residue, and a conserved arginine residue."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "This protein is first published in 2018."
+ }
+ ],
+ "3btl": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "100"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "14"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "101"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "1.2455 angstroms"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% polymer."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NUCLEIC ACID FORMULATION"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100.0."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "TISSUE DYNAMICS PROTEIN"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "AMBER, PHENIX"
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The terms characterizing the protein are: 1. Protein-protein interaction, 2. Protein-ligand interaction, 3. Protein-nucleic acid interaction, 4. Protein-lipid interaction, 5. Protein-carbohydrate interaction, 6. Protein-metal ion interaction, 7. Protein-hormone interaction, 8. Protein-receptor interaction, 9. Protein-enzyme interaction, 10. Protein-antibody interaction."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2006."
+ }
+ ],
+ "7m03": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "100"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "104"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "1.4445 \u00c5"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% poly(ethylene glycol) (PEG)."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components are 1-O-methyl-D-erythro-alpha,alpha-trehalose and 1-O-methyl-D-erythro-alpha,alpha-trehalopyranose."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100.3."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "POLYMER"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "AMBER, PHENIX, REFMAC, XDS"
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "Yes.\nThis protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "HYDROLASE."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "This protein is first published in 2022."
+ }
+ ],
+ "6nwo": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "10"
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "1648"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "3"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "12"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "1.47778"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "This protein has 1 intermolecular metalic bond."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is DNA."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray crystallography was used to determine the structure of this protein."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "173.35"
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is Protein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "AIMLESS, Coot, PHENIX, RELION"
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "This protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The terms characterizing the protein are protein-protein interactions, protein-ligand interactions, and protein-nucleic acid interactions."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2013."
+ }
+ ],
+ "7tkr": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "10000"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "1000"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "10"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "100000"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "100"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "10"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "10"
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "YES"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NUCLEIC ACID POLYMER"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray crystallography."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "13."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is a homopolymer."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "MOLDEN, PHENIX"
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "Experimental."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is characterized by the following terms: 1.1.1.1, 1.1.2, 1.1.3, 1.1.4, 1.1.5, 1.1.6, 1.1.7, 1.1.8, 1.1.9, 1.1.10, 1.1.11, 1.1.12, 1.1.13, 1.1.14, 1.1.15, 1.1.16, 1.1.17, 1.1.18, 1.1.19, 1.1.20, 1.1.21, 1.1.22, 1.1.23, 1.1.24, 1.1.25, 1.1.26, 1.1.27, 1.1.28, 1.1.29, 1.1.30, 1.1.31, 1.1.32, 1.1.33, 1.1.34, 1.1.35, 1.1.36, 1.1.37, 1.1.38, 1.1.39, 1.1.40, 1.1.41, 1.1.42, 1.1.43, 1.1.44, 1.1.45, 1.1.46, 1.1.47, 1.1"
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "2000"
+ }
+ ],
+ "4uhz": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "104"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has no nucleic acid polymer entities."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.544."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 1 intermolecular covalent bond(s)."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 2 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is NUCLEIC ACID."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "HOMOLOGY"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, HKL-3000, and PHENIX."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a member of the PDZ domain-containing protein family."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2007."
+ }
+ ],
+ "1kd6": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 2 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "1055"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "100"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 1 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 1 nucleic acid polymer entity."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 1 intermolecular covalent bond(s)."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "This protein has 1 intermolecular metalic bond."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition is 100% polymer."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NUCLEIC ACID POLYMER ENTITY"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "NMR"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100.3."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is Protein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX, PYMOL, and REFMAC."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a transcription factor."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2007."
+ }
+ ],
+ "2ikf": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "10"
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "1056"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "1028"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "1.645558888888889"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "DNA"
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components are 1-Methyladenosine, 2-O-Methyl-D-ribose, 2-O-Methyl-D-mannose, 2-O-Methyl-D-glucose, 2-O-Methyl-D-galactose, 2-O-Methyl-D-fucose, 2-O-Methyl-D-sorbose, 2-O-Methyl-D-tagatose, 2-O-Methyl-D-xylulose, 2-O-Methyl-D-ribofuranose, 2-O-Methyl-D-ribosyl-D-galactopyranose, 2-O-Methyl-D-ribosyl-D-mannopyranose, 2-O-Methyl-D-ribosyl-D-glucopyranose, 2-O-Methyl-D-ribosyl-D-galactopyranose, 2-O-Methyl-D-ribosyl-D-mannopyranose, 2-O-Methyl-D-ribosyl-D-glucopyranose, 2-O-Methyl-D-ribosyl-D-galactopyranose, 2-O-Methyl-D-ribosyl-D-mannopyranose, 2-O-Methyl-D-ribosyl-D-glucopyranose, 2-O-Methyl-D-ribosyl-D-galactopyranose, 2-"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "173.65"
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "UNKNOWN"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "AMBER, PHENIX, REFMAC, XDS"
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The terms characterizing the protein are the binding of the protein to the DNA and the cleavage of the DNA."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2010."
+ }
+ ],
+ "3uu1": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 12 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "100"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "ABOUT 1000"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "10"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "1.444 \u00c5"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 12 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is RNA."
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components are 1-methyl-4-pyridinium (MPy), 1-methyl-4-pyrimidinium (MPyR), and 1-methyl-4-pyrrolidinium (MPyP)."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "The structure of the protein was determined by X-ray crystallography."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "105.64"
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "ACTIVATOR"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX, REFMAC, and PDB2PQR."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a 2-oxoglutarate-dependent dioxygenase."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2017."
+ }
+ ],
+ "6s0b": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "100"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "This protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "W=1.24777"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 1 intermolecular covalent bond."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 12 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition of this protein is 100% polymer."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components for this protein are unknown."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "100.37"
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "protein/peptide"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "AMBER, ANSA, PHENIX"
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a member of the protein family of the human proteome."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2013."
+ }
+ ],
+ "1ctl": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "104"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "104"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "10"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "104"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "10"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "ALIGNIN"
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NUCLEIC ACID"
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components are a 1:1 complex of the protein and a 1:1 complex of the protein and a 1:1 complex of the protein and a 1:1 complex of the protein and a 1:1 complex of the protein and a 1:1 complex of the protein and a 1:1 complex of the protein and a 1:1 complex of the protein and a 1:1 complex of the protein and a 1:1 complex of the protein and a 1:1 complex of the protein and a 1:1 complex of the protein and a 1:1 complex of the protein and a 1:1 complex of the protein and a 1:1 complex of the protein and a 1:1 complex of the protein and a 1:1 complex of the protein and a 1:1 complex of the protein and a 1:1 complex of the protein and a 1:1 complex of the protein and a 1:1 complex of the protein and a 1:1 complex of the protein and a 1:1 complex of the protein and a 1:1 complex of the protein and a 1:1 complex of the protein and a 1:1 complex of the protein and a 1:1 complex of the protein and a 1:1 complex of the protein and a 1:1 complex of the protein and a 1:1 complex of the protein and a 1:1 complex of the protein and a 1:1 complex of the protein and a 1:1 complex of the protein and a 1:1 complex of the protein and a 1:1 complex of the protein and a 1:1 complex of the protein and a 1:1 complex of the protein and a 1:1 complex"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray crystallography."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "10.35 kDa"
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "UNKNOWN"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are AMBER, ANSI-91, and PHIST."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "TISSUE-BINDING PROTEIN"
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 1999."
+ }
+ ],
+ "5y16": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "10"
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "174"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "14"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "1024"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "12"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "1.4445558"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "10"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "10"
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition is 100%."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "173.34"
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "TISSUE DYNAMICS PROTEIN"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "AMBER, PHENIX, REFMAC, XDS, XSCALE"
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "Experimental."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "HYDROLASE, METALLOPROTEASE, PROTEINase"
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2013."
+ }
+ ],
+ "6gas": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "This protein has 10 heavy atom coordinates records."
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "This protein has 10 hydrogen atom coordinates."
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "This protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 1 heavy solvent atom coordinate records."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 1 nucleic acid polymer entity."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.54 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 1 intermolecular covalent bond(s)."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "This protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% poly(ethylene glycol) (PEG)."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is RNA."
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components for this protein are ATP and the cofactor NAD+."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100.3."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is a homopolymer."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX, REFMAC, and PDB2PQR."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The terms characterizing the protein are the presence of a conserved cleft, the presence of a conserved arginine residue, and the presence of a conserved lysine residue."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2017."
+ }
+ ],
+ "2aiv": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "105"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "100"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "105"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "This protein has 2 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "UNKNOWN"
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NUCLEIC ACID"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "NMR"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100.3."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "UNKNOWN"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "AMBER, AMBER-EXTEND, and PHENIX."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "UNIVERSAL_PROTEIN"
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 1997."
+ }
+ ],
+ "7c85": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "160"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "The protein has 1 hydrogen atom coordinate."
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 1 heavy solvent atom coordinates record(s)."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 1 nucleic acid polymer entity."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "1.244 \u00c5"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 1 intermolecular covalent bond."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "This protein has 2 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is RNA."
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components are 1-methyl-4-pyridinium (MP+)."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "HETEROGLYCAN"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, PHENIX, and REFMAC."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is characterized by a highly conserved binding site for the protein folding chaperone Hsp70."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2013."
+ }
+ ],
+ "6hwx": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "0"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "This protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "This protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "ASSISTANT"
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "UNKNOWN"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "ALIGN, BM3D, CCP4, DSSR, PHASER, PHENIX, RELION, RESOLVE, SADABS, SIGMA, TOM, XDS"
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein structure was determined by X-ray crystallography."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is characterized by the presence of a highly conserved, cationic, and hydrophobic amphipathic motif (the \"arginine-glycine-glycine\" or \"R-G-G\" motif) that is involved in the binding of the protein to the membrane."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2017."
+ }
+ ],
+ "1xeq": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 3 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "1056"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "This protein has 1 hydrogen atom coordinates."
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 1 heavy solvent atom coordinate records."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 1 nucleic acid polymer entity (1 DNA)."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "1.6467 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 1 intermolecular covalent bond(s)."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 1 intermolecular metalic bond."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO."
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% polymer."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "N/A"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray crystallography was used to determine the structure of this protein."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "HUMAN PROTEIN"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "AMBER, AMBER-EXTEND, AMBER-REDOX, AMBER-SANDBOX, AMBER-SANDBOX-EXTEND, AMBER-SANDBOX-REDOX, AMBER-SANDBOX-SMARTS, AMBER-SANDBOX-SMARTS-EXTEND, AMBER-SANDBOX-SMARTS-REDOX, AMBER-SANDBOX-SMARTS-SMARTS, AMBER-SANDBOX-SMARTS-SMARTS-EXTEND, AMBER-SANDBOX-SMARTS-SMARTS-REDOX, AMBER-SANDBOX-SMARTS-SMARTS-SMARTS, AMBER-SANDBOX-SMARTS-SMARTS-SMARTS-EXTEND, AMBER-SANDBOX-SMARTS-SMARTS-SMARTS-REDOX, AMBER-SANDBOX-SMARTS-SMARTS-SMARTS-SMARTS, AMBER-SANDBOX-SMARTS-SMARTS-SMARTS-SMARTS-EXTEND, AMBER-SANDBOX-SMARTS-SMARTS-SMARTS-SMARTS-REDOX, AMBER-SANDBOX-SMARTS-SMARTS-SMARTS-SMARTS-"
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "Yes, the protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "THE TERMS CHARACTERIZING THE PROTEIN ARE ITS CELL-SPECIFICITY, ITS ABILITY TO FORM HETERODIMERS, AND ITS INHIBITION OF HIV-1 INFECTIVITY."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2017."
+ }
+ ],
+ "6xgy": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 3 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "100"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "10"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "This protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 1 heavy solvent atom coordinate records."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.244 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "This protein has 2 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is RNA."
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components are 1,4-phorbol-12-myristate (PMA) and 1,25-dihydroxyvitamin D3 (1,25(OH)2D3)."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100.3."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is a homopolymer."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX, REFMAC, and PDB2PQR."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a 2-oxoglutarate-dependent dioxygenase."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2007."
+ }
+ ],
+ "3ayh": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "105"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 1 nucleic acid polymer entity."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.544 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 1 intermolecular covalent bond."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 1 intermolecular metalic bond."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is NUCLEIC ACID."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray crystallography was used to determine the structure of this protein."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100.3."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is Protein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, PHENIX, and REFMAC."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The terms characterizing the protein are: 10-Hydroxy-2-methyl-5-oxo-3,4-dihydro-quinoline-3-carboxylic acid."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2007."
+ }
+ ],
+ "1s3m": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "1049"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "109"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "10"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 104 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "10"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 2 nucleic acid polymer entities."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms is 1.54 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition of this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "DNA"
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components are 1-methyladenosine (m1A) and 2-methyladenosine (m2A)."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100.3."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "UNKNOWN"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, PHENIX, and REFMAC."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a member of the protein family of 2-oxoglutarate-dependent dioxygenases."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2013."
+ }
+ ],
+ "3k8a": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 3 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "1056"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "167"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 1 nucleic acid polymer entity."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "1.244 \u00c5"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% poly(ethylene glycol) (PEG)."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is RNA."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray crystallography was used to determine the structure of this protein."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "16.3 kDa"
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is Protein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX, RELION, and XDS."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein was determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a transcriptional regulator."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2007."
+ }
+ ],
+ "7qcy": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 1 assembly."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 1 entity."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "105"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "100"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "10"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "105"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "DNA"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "14.3 kDa"
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "PROTEIN"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are AMBER, AMBER-99, and AMBER-99-EXT."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a member of the PDZ domain-containing protein family."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2003."
+ }
+ ],
+ "4ym6": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 3 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "155"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "155"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 1 nucleic acid polymer entity."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.548."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 1 intermolecular covalent bond."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 1 intermolecular metalic bond."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is DNA."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray crystallography was used to determine the structure of this protein."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 10000."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "THE POLYMER ENTITY TYPE FOR THIS PROTEIN IS PROTEIN."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "ALIGN, Coot, PHENIX, RELION"
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "TERM/NAM/PDB/PDB-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO/PDB-REDO-REDO"
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2013."
+ }
+ ],
+ "1hnf": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "10"
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "105"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "105"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "This protein has 1 nucleic acid polymer entity."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO."
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO."
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO."
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "AMINO ACID, PROTEIN"
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components are identified as the 14-3-3 protein."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 10000."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "HYBRID PROTEIN"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, PHENIX, and REFMAC."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "Experimental."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "HYDROLASE, HYDROLASE A, HYDROLASE B"
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2007."
+ }
+ ],
+ "3tkl": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "144"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "104"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 10 polymer monomers.\nThe crystal structure of the protein reveals a novel fold, with a \u03b2-barrel structure that is stabilized by a network of hydrogen bonds. The protein has a unique mechanism of action, which involves the binding of a small molecule to the active site, followed by the formation of a covalent bond between the protein and the small molecule. The protein is involved in the regulation of the immune response, and it has potential applications in the treatment of cancer and autoimmune diseases."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "12"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "1.244 \u00c5"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 2 intermolecular covalent bonds."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "THE NUCLEIC ACID POLYMER ENTITY TYPE FOR THIS PROTEIN IS NUCLEIC ACID HYBRID."
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components are ATP and Mg2+."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray crystallography was used to determine the structure of this protein."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "160.6 KDa"
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "TISSUE PROTEIN\n\nThe protein is a tissue protein.\nThe protein is a tissue protein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, PHASER, and PHENIX."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a member of the PI3K-like kinase (PIKK) family."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2007."
+ }
+ ],
+ "4b9c": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "This protein has 10 heavy atom coordinates."
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "This protein has 10 hydrogen atom coordinates."
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 10 heavy solvent atom coordinates."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 1 nucleic acid polymer entity."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.543 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 1 intermolecular covalent bond."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 12 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% polymer."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is NUCLEIC ACID POLYMER."
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components are 1-O-methyl-D-glucose and 1-O-methyl-D-mannose."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "The structure of the protein was determined by X-ray crystallography."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100.6."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is a protein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX, REFMAC, and XDS."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The terms characterizing the protein are the presence of a zinc ion, a conserved cysteine residue, and a conserved arginine residue."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2007."
+ }
+ ],
+ "2ggh": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "100"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "1000"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.244 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 12 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% polymer."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components are 1-methyl-2-pyrrolidone (1-methyl-2-pyrrolidone) and 1-methyl-2-pyrrolidin-2-one (1-methyl-2-pyrrolidin-2-one)."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 10000."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "HUMANGENERAL"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX, REFMAC, and PDB2PQR."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a member of the glycoside hydrolase family 33 (GH33)."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2007."
+ }
+ ],
+ "1jbi": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 1 entity."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "10"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "100"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 1 heavy solvent atom coordinates record."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% polymer."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "16.3 kDa"
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "HUMANOBJECT"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are: PHENIX, RELION, and XDS."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "Experimental"
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a 14-kDa protein that is a member of the protein family of the 14-3-3 proteins."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2007."
+ }
+ ],
+ "3bzq": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "This protein has 10 heavy atom coordinates records."
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "This protein has 10 hydrogen atom coordinates."
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 104 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 1 heavy solvent atom coordinate records."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 1 nucleic acid polymer entity."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.5487 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 4 intermolecular covalent bonds."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% polymer."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is DNA."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "The structure of this protein was determined using X-ray crystallography."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "THE MOLECULAR MASS OF POLYMER AND NON-POLYMER ENTITIES (EXCLUSIVE OF SOLVENT) FOR THIS PROTEIN IS 100 KDa."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "THE POLYMER ENTITY TYPE IS A PROTEIN."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, PHENIX, and REFMAC."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein was determined by X-ray crystallography."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The terms characterizing the protein are the presence of a zinc ion, a conserved cysteine residue, and a conserved arginine residue."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2013."
+ }
+ ],
+ "4cs8": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 3 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "100"
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "1047"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "104"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "100"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "100"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "1.6465 \u00c5"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "10"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "10"
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% polymer."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components for this protein are unknown."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray crystallography was used to determine the structure of this protein."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "HYDROGEL"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "AMBER, AMBER-EXTEND, AMBER-REDOX, AMBER-SANDBOX, AMBER-SANDBOX-EXTEND, AMBER-SANDBOX-REDOX, AMBER-SANDBOX-SMARTS, AMBER-SANDBOX-SMARTS-EXTEND, AMBER-SANDBOX-SMARTS-REDOX, AMBER-SANDBOX-SMARTS-SMARTS, AMBER-SANDBOX-SMARTS-SMARTS-EXTEND, AMBER-SANDBOX-SMARTS-SMARTS-REDOX, AMBER-SANDBOX-SMARTS-SMARTS-SMARTS, AMBER-SANDBOX-SMARTS-SMARTS-SMARTS-EXTEND, AMBER-SANDBOX-SMARTS-SMARTS-SMARTS-REDOX, AMBER-SANDBOX-SMARTS-SMARTS-SMARTS-SMARTS, AMBER-SANDBOX-SMARTS-SMARTS-SMARTS-SMARTS-EXTEND, AMBER-SANDBOX-SMARTS-SMARTS-SMARTS-SMARTS-REDOX, AMBER-SANDBOX-SMARTS-SMARTS-SMARTS-SMARTS-"
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "Yes"
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "THE TERMS CHARACTERIZING THE PROTEIN ARE ITS HIGH SPECIFICITY AND HIGH AFFINITY FOR THE INHIBITOR."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2013."
+ }
+ ],
+ "5h15": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "100"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "120"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 2 nucleic acid polymer entities."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.2448 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 1 intermolecular covalent bond(s)."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 1 intermolecular metalic bond."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "THE POLYMER ENTITY COMPOSITION IS 100% POLYMER."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "HYPOCITOPOLYMER"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "161.66 KDa"
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "HETEROARYL"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, PHENIX, and RELION."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a member of the protein-protein interaction (PPI) inhibitor family."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2017."
+ }
+ ],
+ "3uc4": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 3 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "104"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "This protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.2447 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 1 intermolecular metalic bond."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% poly(ethylene glycol) (PEG)."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "Cryo-electron microscopy"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 10000."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "TISSUE PROTEIN"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, PHENIX, and RELION."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "Experimental"
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The terms characterizing the protein are the presence of a zinc ion, a cysteine residue, and a conserved arginine residue."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2017."
+ }
+ ],
+ "7wf8": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "10"
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "105"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "104"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "1.88888888888889 \u00c5"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "THE NUCLEIC ACID POLYMER ENTITY TYPE FOR THIS PROTEIN IS NUCLEIC ACID HYBRID."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "17.85 KDa"
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "ACTIVATOR/INHIBITOR"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "AMBER, PHENIX, REFMAC, XDS"
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "Experimental."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a transcription factor."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2017."
+ }
+ ],
+ "2no6": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "160"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "This protein has 1 hydrogen atom coordinates."
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 12 heavy solvent atom coordinates."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 0 nucleic acid polymer entities."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.544 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 4 intermolecular covalent bonds."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "This protein has 10 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is NUCLEIC ACID POLYMER."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100.3."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is Protein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, PHENIX, and REFMAC."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is characterized by the presence of a highly conserved, non-canonical, \u03b2-barrel structure, which is composed of a \u03b2-sheet core and a \u03b2-strand-like element."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2013."
+ }
+ ],
+ "5lp0": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "106"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "106"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "This protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 1 heavy solvent atom coordinate records."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 2 nucleic acid polymer entities."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.5467 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition of this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is RNA."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray crystallography was used to determine the structure of this protein."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "THE POLYMER ENTITY TYPE IS A PROTEIN."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, HKL-3000, and PHENIX."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "THE TERMS ARE CALCIUM-SENSING PROTEIN."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2013."
+ }
+ ],
+ "7cxc": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "This protein has 10 heavy atom coordinates."
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "This protein has 10 hydrogen atom coordinates."
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "This protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 1 heavy solvent atom coordinate records."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "This protein has 2 nucleic acid polymer entities (1 DNA and 1 RNA)."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.54 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "This protein has 2 intermolecular covalent bonds."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "This protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% polymer."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is Nucleic acid polymer (NA)."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "The structure of this protein was determined by X-ray crystallography."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is a protein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX, REFMAC, and PDB2PQR."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a \u03b2-galactosidase."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2017."
+ }
+ ],
+ "2vvu": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 10 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "105"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "105"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "12"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "1.4448"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 1 intermolecular covalent bond."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components are 1-O-methyl-D-glucose and 1-O-methyl-D-galactose."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "161.36"
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "HETEROARYL"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, HKL-30, and HKL-30-P."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The terms characterizing the protein are the presence of a cysteine-rich loop, a conserved arginine residue, and a unique arginine-glycine-aspartic acid (RGD) motif."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2007."
+ }
+ ],
+ "7jo7": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "105"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "100"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.5446."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is NUCLEIC ACID."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "17.35 kDa"
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "THE POLYMER ENTITY TYPE IS A PROTEIN."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "AMBER, PHENIX, REFMAC, XDS, XSCALE"
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "TISSUE-BINDING PROTEIN"
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2013."
+ }
+ ],
+ "5t63": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "104"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "1.4455 \u00c5"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components are 1-phosphatidylinositol-4-phosphate (PI4P) and 1-phosphatidylinositol-3-phosphate (PI3P)."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "164.35 KDa"
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "HOMO-METAL BINDER"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, HKL-3000, and PHENIX."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a member of the PI3K-like kinase (PILK) family."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "2019"
+ }
+ ],
+ "3tw0": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "5"
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "1000"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "100"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "10"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "1.4959"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components are 1-O-methyl-D-glucose and 1-O-methyl-D-mannose."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "58.36"
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "HYBRID"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "AMBER, PHENIX"
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "Experimental"
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "HYDROLASE"
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "2018"
+ }
+ ],
+ "3g8u": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 3 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "105"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "10"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 1 nucleic acid polymer entity (1 DNA)."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms is 1.548."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 1 intermolecular covalent bond(s)."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 10 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO."
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition of this protein is 100% polymer."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is NUCLEIC ACID."
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components are unknown."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray crystallography was used to determine the structure of this protein."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100.3."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is Protein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, HKL-3000, and HKL-4000."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a member of the PDZ (pleckstrin homology domain-containing, Drosophila septin, and zyxin) family of proteins."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2010."
+ }
+ ],
+ "5w5g": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "100"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "This protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 1 heavy solvent atom coordinate records."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 2 nucleic acid polymer entities."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.54 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 1 intermolecular covalent bond."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "This protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% polymer."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "HUMANOBJECT"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, PHENIX, and REFMAC."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is characterized by a highly conserved binding site for the protein p53."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2013."
+ }
+ ],
+ "2l2m": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "10"
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "105"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "105"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "105"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "10"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO."
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% polymer."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NUCLEIC ACID"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray crystallography."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "TISSUE BINDING PROTEIN"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, PHENIX, and REFMAC."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "TISSUE-SPECIFIC GLYCOPROTEIN/GLYCOSAMINOGLYCAN-BINDING PROTEIN 1 (TSPG1)"
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "This protein was first published in 2017."
+ }
+ ],
+ "3lsj": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "16"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "16"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "ABOVE 100"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "1.4466 \u00c5"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 1 intermolecular metalic bond."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% polymer."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NUCLEIC ACID POLYMER ENTITY"
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components for this protein are: 1,4-\u03b2-D-glucan, 1,3-\u03b2-D-glucan, 1,6-\u03b2-D-mannan, 1,3-\u03b2-D-mannan, 1,4-\u03b2-D-mannan, 1,6-\u03b2-D-mannan, 1,3-\u03b2-D-mannan, 1,4-\u03b2-D-mannan, 1,6-\u03b2-D-mannan, 1,3-\u03b2-D-mannan, 1,4-\u03b2-D-mannan, 1,6-\u03b2-D-mannan, 1,3-\u03b2-D-mannan, 1,4-\u03b2-D-mannan, 1,6-\u03b2-D-mannan, 1,3-\u03b2-D-mannan, 1,4-\u03b2-D-mannan, 1,6-\u03b2-D-mannan, 1,3-\u03b2-D-mannan, 1,4-\u03b2-D-mannan, 1,6-\u03b2-D-mannan, 1,3-\u03b2-D-mannan, 1,4-\u03b2-D-mannan, 1,6-\u03b2-D-mannan, 1,3-\u03b2-D-mannan, 1,4-\u03b2-D-mannan, 1,6-\u03b2-D-mannan, 1,3-\u03b2-D-mannan, 1,4-\u03b2-D-mannan, 1,6-\u03b2-D-mannan, 1,3-\u03b2-D-mann"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100.00."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "ACTIVATOR"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "AMBER, PHENIX, REFMAC, XDS"
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a member of the PI3K-like kinase (PIKK) family."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2013."
+ }
+ ],
+ "4lhb": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 10 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "The protein has 10 heavy atom coordinates."
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 104 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 10 heavy solvent atom coordinates."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 2 nucleic acid polymer entities."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms is 1.54 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 1 intermolecular covalent bond(s)."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 10 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "AY/KY/KY/KY/KY"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is RNA."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "Crystallization, X-ray crystallography"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100.3."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is Protein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, PHENIX, and REFMAC."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein was determined by X-ray crystallography."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a protein-protein interaction inhibitor."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2013."
+ }
+ ],
+ "2kgk": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "105"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "10"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "105"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "NMR"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "17.5 kDa"
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "UNKNOWN"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX, REFMAC, and PDB2PQR."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a member of the protein family of the P-loop-containing nucleotide-binding proteins."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2013."
+ }
+ ],
+ "3o6h": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "The protein has 10 heavy atom coordinates."
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "The protein has 10 hydrogen atom coordinates."
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 10 heavy solvent atom coordinates."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 1 nucleic acid polymer entity."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.54 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 1 intermolecular covalent bond."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 2 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is NUCLEIC ACID POLYMER."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "The structure of this protein was determined using X-ray crystallography."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is Protein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, PHENIX, and REFMAC."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is characterized by the following terms: 1. A novel, non-canonical binding site for the protein; 2. A novel, non-canonical binding site for the protein; 3. A novel, non-canonical binding site for the protein; 4. A novel, non-canonical binding site for the protein."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2007."
+ }
+ ],
+ "5g2g": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 3 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "1055"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "100"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "ABOUT 100"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 1 heavy solvent atom coordinates records."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 1 nucleic acid polymer entity."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.5487 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 1 intermolecular covalent bond(s)."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% polymer."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is RNA."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "The structure of this protein was determined using X-ray crystallography."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "THE POLYMER ENTITY TYPE FOR THIS PROTEIN IS Glycoprotein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX, PYMOL, and REFMAC."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The terms characterizing the protein are the presence of a zinc ion, a conserved cysteine residue, and a conserved arginine residue."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2007."
+ }
+ ],
+ "4zsi": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 3 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "164"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "104"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "1.644488"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% poly(ethylene glycol) (PEG)."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "163.3 KDa"
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "HOMOGLOBULIN"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, PHENIX, and REFMAC."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "HYDROLASE, HYDROLASE, HYDROLASE, HYDROLASE, HYDROLASE"
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2007."
+ }
+ ],
+ "6qdx": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "104"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "This protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 0.944 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 1 intermolecular covalent bond."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "This protein has 1 intermolecular metalic bond."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is a protein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX, REFMAC, and PDB2PQR."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is characterized by a novel fold and a unique binding site for the substrate."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2019."
+ }
+ ],
+ "7lcx": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "1030"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 104 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 1 nucleic acid polymer entity."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.5446 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "This protein has 2 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% polymer."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is RNA."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100.1."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is Protein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, PHENIX, and REFMAC."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is characterized by a highly conserved binding site for the protein folding chaperone Hsp70."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2007."
+ }
+ ],
+ "7oly": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "105"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "104"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "1.24488888888889"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NUCLEIC ACID POLYMER"
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components for this protein are calcium ions."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "HYDROGEL"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX and RELION."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a transmembrane receptor."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "This protein was first published in 1999."
+ }
+ ],
+ "5s2p": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "This protein has 10 heavy atom coordinates."
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "This protein has 10 hydrogen atom coordinates."
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "This protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 10 heavy solvent atom coordinates."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "This protein has 0 nucleic acid polymer entities."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.54 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "This protein has 2 intermolecular covalent bonds."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "This protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO."
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is NUCLEIC ACID POLYMER."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 103.3."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is Protein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX, REFMAC, and XDS."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is characterized by a highly conserved binding site for the protein p53."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2017."
+ }
+ ],
+ "6re5": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 1 assembly."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "10"
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "10"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "10"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "105"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "ABOUND"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "NMR."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 103."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is protein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "ALIGN, AMBER, AMBER99, AMBER99-EXT, AMBER99-EXT-EXT, AMBER99-EXT-EXT-EXT, AMBER99-EXT-EXT-EXT-EXT, AMBER99-EXT-EXT-EXT-EXT-EXT, AMBER99-EXT-EXT-EXT-EXT-EXT-EXT, AMBER99-EXT-EXT-EXT-EXT-EXT-EXT-EXT, AMBER99-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT, AMBER99-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT, AMBER99-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT, AMBER99-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT, AMBER99-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT, AMBER99-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT, AMBER99-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT, AMBER99-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT, AMBER99-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT, AMBER99-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT-EXT, AMBER99-"
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "Experimental."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "THE TERMS CHARACTERIZING THE PROTEIN ARE ITS STRUCTURE, FUNCTION, AND INTERACTIONS."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2017."
+ }
+ ],
+ "5il0": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "100"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "1049"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 1 heavy solvent atom coordinates."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 1 nucleic acid polymer entity."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.2468 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "This protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO."
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO."
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO.\nThe protein contains RNA polymer entities."
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO."
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO."
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO."
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO."
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% polymer."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is RNA."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "Crystallization"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "16.3 kDa"
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is a protein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, PHENIX, and REFMAC."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is characterized by a highly conserved binding site for the protein p53."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "This protein was first published in 2017."
+ }
+ ],
+ "7vkk": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "105"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "14"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "104"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "1.44455 \u00c5"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "This protein has 2 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "163.6 KDa"
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "HOMO-METAL"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, PHENIX, and REFMAC."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "Yes, the protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a member of the protein family of the 2-oxoglutarate-dependent dioxygenases."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2017."
+ }
+ ],
+ "7e0a": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "5"
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "144"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "144"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 0 nucleic acid polymer entities."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.54 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 1 intermolecular covalent bond."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100%."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is NUCLEIC ACID POLYMER."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "Experimental method(s) used to determine the structure of this protein include X-ray crystallography."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 1000."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is Glycoprotein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, PHENIX, and REFMAC."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The terms characterizing the protein are: 1) the presence of a conserved cysteine-rich motif; 2) the presence of a conserved arginine-rich motif; 3) the presence of a conserved lysine-rich motif; 4) the presence of a conserved glycine-rich motif; 5) the presence of a conserved proline-rich motif."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein is first published in 2019."
+ }
+ ],
+ "7o48": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "105"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 10 heavy solvent atom coordinates."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 1 nucleic acid polymer entity (1 DNA)."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.3478 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 1 intermolecular covalent bond."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 10 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO."
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% poly(ethylene glycol) (PEG)."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is NUCLEIC ACID POLYMER."
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components are 1-O-methyl-D-glucose and 1-O-methyl-D-mannose."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray crystallography was used to determine the structure of this protein."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is a protein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, HKL-30, and PHENIX."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a member of the protein family of the human serum albumin (HSA) and is involved in the transport of various ligands."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2017."
+ }
+ ],
+ "1kwe": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 1 assembly."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "10"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "14"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "12"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% polymer."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "N/A"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "NMR."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "POLYMER"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are: Photo Research, PHOTO-SCAN, and Laser-Pac."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "Experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a 17 kDa protein that is involved in the regulation of the immune response."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2018."
+ }
+ ],
+ "4uas": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "10"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 104 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.244 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 12 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% polymer."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is NUCLEIC ACID POLYMER."
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components are 2-oxoglutarate, ATP, and Mg2+."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100.6."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "THE POLYMER ENTITY TYPE FOR THIS PROTEIN IS A CYCLIC DIPEROXIDE."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX, PHENIX-CIF, and PHENIX-REDO."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The terms characterizing the protein are the presence of a zinc ion, a cysteine residue, and a histidine residue."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2007."
+ }
+ ],
+ "3zqb": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "1066"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "120"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "1.244 \u00c5"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 12 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% polymer."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NUCLEIC ACID"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "HETERO/POLYMER"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX, RELION, and XDS."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "Experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The terms characterizing the protein are the binding of the protein to the DNA minor groove and the formation of a stable complex."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "2011"
+ }
+ ],
+ "5sq2": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "This protein has 10 heavy atom coordinates records."
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "This protein has 10 hydrogen atom coordinates."
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "This protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 10 heavy solvent atom coordinates records."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "This protein has 0 nucleic acid polymer entities."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.544 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "This protein has 2 intermolecular covalent bonds."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "This protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO."
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is NUCLEIC ACID POLYMER."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray crystallography was used to determine the structure of this protein."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 103.3."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is a protein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX, REFMAC, and XDS."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is characterized by a novel, highly conserved, and highly specific binding site for the protein p53."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein is first published in the journal Nature on 2019-09-19."
+ }
+ ],
+ "1arm": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 3 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "10"
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "106"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "100"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "10"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms is 1.5467."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "10"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 12 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% poly(ethylene glycol)."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is RNA."
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components are 1-O-methyl-D-glucose and 1-O-methyl-D-mannose."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is glycoprotein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, HKL-3000, and HKL-4000."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a member of the protein family of 14-3-3 proteins."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2007."
+ }
+ ],
+ "7se8": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "1066"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "10"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 1 nucleic acid polymer entity."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.54 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 1 intermolecular covalent bond."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 16 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% poly(ethylene glycol) (PEG)."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is RNA."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100.3."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "THE POLYMER ENTITY TYPE IS A PROTEIN."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, PHENIX, and REFMAC."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The terms characterizing the protein are the binding of the protein to the DNA and the formation of a stable complex."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2017."
+ }
+ ],
+ "6drq": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "The protein has 10 heavy atom coordinates records."
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "104"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "NONE"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.543 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 1 intermolecular metalic bond."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% polymer."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 10000."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "HUMAN PROTEIN"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX, RELION."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "Yes, the protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The terms characterizing the protein are: 1. Protein-protein interactions, 2. Protein structure, 3. Protein function, 4. Protein-ligand interactions."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2017."
+ }
+ ],
+ "6suz": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "The protein has 10 heavy atom coordinates."
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 1 heavy solvent atom coordinates records."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.543 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 1 intermolecular covalent bond(s)."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% polymer."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NUCLEIC ACID POLYMER ENTITY TYPE=Nucleic acid polymer"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray crystallography."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100.3."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "HUMAN POLYMER"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX, REFMAC, and PDB2PQR."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "Experimental."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "HUMAN."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2017."
+ }
+ ],
+ "3viv": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 2 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "104"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "This protein has 104 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.544 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "This protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "164.34"
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "UNKNOWN"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, PHENIX, and REFMAC."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "Experimental."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a protein-protein interaction inhibitor."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2013."
+ }
+ ],
+ "7z8i": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "1000"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 1 nucleic acid polymer entity."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is poly(N-acetylglucosamine) (poly(GlcNAc))."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components for this protein are ATP and Mg2+."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray crystallography was used to determine the structure of this protein."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100000."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "UNSET"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, PHENIX, and RELION."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a transcription factor."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein is first published in the journal Nature on 2022-02-08."
+ }
+ ],
+ "5kv6": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 1 assembly."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "This protein has 10 heavy atom coordinates records."
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "This protein has 10 hydrogen atom coordinates."
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "0"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "This protein has 1 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 1 heavy solvent atom coordinates record(s)."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "This protein has 0 nucleic acid polymer entities."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.24478."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 1 intermolecular covalent bond(s)."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "This protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100.6."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "UNKNOWN"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "AMBER, PHENIX, PYMOL"
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "HUMAN."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2007."
+ }
+ ],
+ "1gc9": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "This protein has 10 heavy atom coordinates."
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "107"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "This protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "106"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has no nucleic acid polymer entities."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms is 1.35 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 1 intermolecular covalent bond."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "This protein has 1 intermolecular metalic bond."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition is 100% poly(ethylene glycol) (PEG)."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is DNA."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 10000."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is a homopolymer."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX, PX! and REFMAC."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The terms characterizing the protein are the binding of the protein to the ribosome, the binding of the protein to the ribosome, the binding of the protein to the ribosome, and the binding of the protein to the ribosome."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 1999."
+ }
+ ],
+ "5e3u": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 3 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "This protein has 1 heavy atom coordinates records."
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "This protein has 1 hydrogen atom coordinates."
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 104 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 1 heavy solvent atom coordinate records."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 1 nucleic acid polymer entity."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.34 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 1 intermolecular covalent bond(s)."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 12 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components are 1:1 complexes of the protein with the nonpolymeric ligands, 2-oxoglutarate and ATP."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray crystallography was used to determine the structure of this protein."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100.0."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "HUMAN\nThe polymer entity type for this protein is HUMAN."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, PHENIX, and REFMAC."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "Experimental."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a member of the protein family of the 2-oxoglutarate-dependent dioxygenases."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2007."
+ }
+ ],
+ "1afk": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "104"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "148"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 2 nucleic acid polymer entities."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.54 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 4 intermolecular covalent bonds."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% polymer."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray crystallography was used to determine the structure of this protein."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "HETEROARYL BINDER"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX, REFMAC, and PDB2PQR."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "Experimental."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The terms characterizing the protein are the presence of a cysteine-rich domain, a conserved cysteine-rich motif, and a conserved arginine-rich motif."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2007."
+ }
+ ],
+ "5wkm": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 2 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "106"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "100"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.2446 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 2 intermolecular covalent bonds."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% poly(ethylene glycol) (PEG)."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components are the 14-3-3 protein and the 14-3-3 protein-binding protein."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "POLYMER"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are HKL-2000, PHENIX, and REFMAC."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "Yes.\nThe protein structure was determined by X-ray crystallography."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is a 1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1:1"
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "This protein is first published in 2022."
+ }
+ ],
+ "3owj": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "The protein has 3 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "The protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "10"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 10 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "The protein has 2 nucleic acid polymer entities."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "The radiation wavelength in angstroms for this protein is 1.54 \u00c5."
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 4 intermolecular covalent bonds."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 4 intermolecular metalic bonds."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO."
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "Yes."
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO."
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO."
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% polymer."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is NUCLEIC ACID POLYMER."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is a protein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX, RELION, and XDS."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is characterized by a covalent bond between the protein and the substrate."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "This protein was first published in 2013."
+ }
+ ],
+ "5oja": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 3 assemblies."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "This protein has 3 entities."
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "This protein has 10 heavy atom coordinates records."
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "The protein has 104 polymer monomers."
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "This protein has 10 heavy solvent atom coordinates."
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "This protein has 0 nucleic acid polymer entities."
+ },
+ {
+ "Q": "What is the radiation wavelength in angstroms for this protein?",
+ "A": "1.2444 \u00c5"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "The protein has 1 intermolecular covalent bond."
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "The protein has 1 intermolecular metalic bond."
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "The nucleic acid polymer entity type for this protein is NUCLEIC ACID."
+ },
+ {
+ "Q": "What are the bound nonpolymer components for this protein",
+ "A": "The bound nonpolymer components are 1-O-methyl-D-erythro-alpha-D-galactopyranoside and 1-O-methyl-D-erythro-alpha-D-glucopyranoside."
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "The structure of the protein was determined by X-ray crystallography."
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 100."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is Protein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX, REFMAC, and PX2."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The protein is characterized by the presence of a cationic amino acid residue (R1) and a hydrophobic amino acid residue (R2) in the active site."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2017."
+ }
+ ],
+ "6rtl": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "This protein has 1 assembly."
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "100"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "100"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "102"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is 100% protein."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "X-ray"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "The molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein is 1000."
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "UNKNOWN"
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "The software programs reported in connection with the production of this protein are PHENIX, RELION, and Rosetta."
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein is determined by experimental methods."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "HUMANOGRAPHIC"
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "This protein was first published in 2017."
+ }
+ ],
+ "8cl1": [
+ {
+ "Q": "How many assemblies does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "How many entities does this protein have?",
+ "A": "106"
+ },
+ {
+ "Q": "How many heavy atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many hydrogen atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many model structures deposited for this protein?",
+ "A": "1"
+ },
+ {
+ "Q": "How many polymer monomers does this protein have?",
+ "A": "1046"
+ },
+ {
+ "Q": "How many heavy solvent atom coordinates records does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many nucleic acid polymer entities (DNA or RNA) does this protein have?",
+ "A": "1"
+ },
+ {
+ "Q": "How many intermolecular covalent bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "How many intermolecular metalic bonds does this protein have?",
+ "A": "0"
+ },
+ {
+ "Q": "Does this protein contain non-polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain polymer entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain DNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain RNA polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein contain solvent entities?",
+ "A": "YES"
+ },
+ {
+ "Q": "Does this protein contain branched entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have unmodeled polymer monomers?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have hybrid nucleic acid polymer entities?",
+ "A": "NO"
+ },
+ {
+ "Q": "Does this protein have cis-peptide linkages?",
+ "A": "NO"
+ },
+ {
+ "Q": "What is the polymer entity composition for this protein?",
+ "A": "The polymer entity composition for this protein is UNKNOWN."
+ },
+ {
+ "Q": "What is the nucleic acid polymer entity type for this protein?",
+ "A": "NA"
+ },
+ {
+ "Q": "What experimental method(s) were used to determine the structure of this protein?",
+ "A": "EXPERIMENTAL FRAGMENT FREE ELECTRON MICROSCOPY (EFEM)"
+ },
+ {
+ "Q": "What is the molecular mass (KDa) of polymer and non-polymer entities (exclusive of solvent) for this protein?",
+ "A": "163.3 KDa"
+ },
+ {
+ "Q": "What is the polymer entity type for this protein?",
+ "A": "The polymer entity type for this protein is Protein."
+ },
+ {
+ "Q": "What are the software programs reported in connection with the production of this protein?",
+ "A": "AMBER, PHENIX, REFMAC, XDS, XSCALE"
+ },
+ {
+ "Q": "Is this protein determined by experimental or computational methods?",
+ "A": "The protein structure was determined by X-ray crystallography."
+ },
+ {
+ "Q": "What are the terms characterizing the protein?",
+ "A": "The terms characterizing the protein are: 1. ProteinContent."
+ },
+ {
+ "Q": "When is this protein first published?",
+ "A": "The protein was first published in 2018."
+ }
+ ]
+}
\ No newline at end of file
diff --git a/eval/results/scores/llama-2_score_output.pickle b/eval/results/scores/llama-2_score_output.pickle
new file mode 100644
index 0000000000000000000000000000000000000000..f41685292ff61a53949b6f661ee5d6a9feba49b4
--- /dev/null
+++ b/eval/results/scores/llama-2_score_output.pickle
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6bd0b2c736ee7c3d1c80df7058e05c775eb0da4acb451d77ec050f7aaf49ddc5
+size 222656
diff --git a/eval/score.py b/eval/score.py
new file mode 100644
index 0000000000000000000000000000000000000000..c19069e23efde6fe9fb5b4307d5190534f7069e8
--- /dev/null
+++ b/eval/score.py
@@ -0,0 +1,38 @@
+import pickle
+from evaluator import Evaluator
+import os
+import json
+import argparse
+
+evaluator = Evaluator()
+
+OUTPUT_SAVE_PATH = "/home/ubuntu/proteinchat/eval/results/outputs"
+ANN_PATH = "/home/ubuntu/proteinchat/data/qa_all.json"
+SCORE_SAVE_PATH = "/home/ubuntu/proteinchat/eval/results/scores"
+
+annotation = open(ANN_PATH, "r")
+annotation = json.load(annotation)
+
+def parse_args():
+ parser = argparse.ArgumentParser(description="scorer")
+ parser.add_argument("--model", type=str, required=True, help="specify the model to load the model.")
+ args = parser.parse_args()
+ return args
+
+args = parse_args()
+score_output = {}
+model = args.model
+model_filename = model + "_eval_output.json"
+raw_outputs = json.load(open(os.path.join(OUTPUT_SAVE_PATH, model_filename)))
+for prot in raw_outputs.keys():
+ responses = raw_outputs[prot]
+ ann = annotation[prot]
+ preds = []
+ refs = []
+ for qa in responses:
+ preds.append(qa["A"])
+ for a in ann:
+ refs.append(str(a["A"]))
+ score_output[prot] = evaluator.eval(preds, refs)
+with open(os.path.join(SCORE_SAVE_PATH, f"{model}_score_output.pickle"), 'wb') as handle:
+ pickle.dump(score_output, handle, protocol=pickle.HIGHEST_PROTOCOL)
\ No newline at end of file
diff --git a/minigpt4/__init__.py b/minigpt4/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..bb31f42f9107a0b748b878deb1c5768019d62b32
--- /dev/null
+++ b/minigpt4/__init__.py
@@ -0,0 +1,31 @@
+"""
+ Copyright (c) 2022, salesforce.com, inc.
+ All rights reserved.
+ SPDX-License-Identifier: BSD-3-Clause
+ For full license text, see the LICENSE_Lavis file in the repo root or https://opensource.org/licenses/BSD-3-Clause
+"""
+
+import os
+import sys
+
+from omegaconf import OmegaConf
+
+from minigpt4.common.registry import registry
+
+from minigpt4.datasets.builders import *
+from minigpt4.models import *
+from minigpt4.processors import *
+from minigpt4.tasks import *
+
+
+root_dir = os.path.dirname(os.path.abspath(__file__))
+default_cfg = OmegaConf.load(os.path.join(root_dir, "configs/default.yaml"))
+
+registry.register_path("library_root", root_dir)
+repo_root = os.path.join(root_dir, "..")
+registry.register_path("repo_root", repo_root)
+cache_root = os.path.join(repo_root, default_cfg.env.cache_root)
+registry.register_path("cache_root", cache_root)
+
+registry.register("MAX_INT", sys.maxsize)
+registry.register("SPLIT_NAMES", ["train", "val", "test"])
diff --git a/minigpt4/__pycache__/__init__.cpython-310.pyc b/minigpt4/__pycache__/__init__.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..70473342c4b4dcd762e840815a5b5d8c79165132
Binary files /dev/null and b/minigpt4/__pycache__/__init__.cpython-310.pyc differ
diff --git a/minigpt4/common/__init__.py b/minigpt4/common/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/minigpt4/common/__pycache__/__init__.cpython-310.pyc b/minigpt4/common/__pycache__/__init__.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..43a1ab70265ef879ae78da3b3b3718406791f0a7
Binary files /dev/null and b/minigpt4/common/__pycache__/__init__.cpython-310.pyc differ
diff --git a/minigpt4/common/__pycache__/config.cpython-310.pyc b/minigpt4/common/__pycache__/config.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..7200f0703934b4c264e672849fc1375226bcafbc
Binary files /dev/null and b/minigpt4/common/__pycache__/config.cpython-310.pyc differ
diff --git a/minigpt4/common/__pycache__/dist_utils.cpython-310.pyc b/minigpt4/common/__pycache__/dist_utils.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..36db847ef008acaf3cc87d1ba803e19d4f39a726
Binary files /dev/null and b/minigpt4/common/__pycache__/dist_utils.cpython-310.pyc differ
diff --git a/minigpt4/common/__pycache__/logger.cpython-310.pyc b/minigpt4/common/__pycache__/logger.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..66ab2094e80d0f33893cf077fdbb4d1389ea790c
Binary files /dev/null and b/minigpt4/common/__pycache__/logger.cpython-310.pyc differ
diff --git a/minigpt4/common/__pycache__/registry.cpython-310.pyc b/minigpt4/common/__pycache__/registry.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..38eb727615442340e387c5d63c2a5d76ad43ae80
Binary files /dev/null and b/minigpt4/common/__pycache__/registry.cpython-310.pyc differ
diff --git a/minigpt4/common/__pycache__/utils.cpython-310.pyc b/minigpt4/common/__pycache__/utils.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..3199d287d0c5882bf35b2f125501f8ad59ddc629
Binary files /dev/null and b/minigpt4/common/__pycache__/utils.cpython-310.pyc differ
diff --git a/minigpt4/common/config.py b/minigpt4/common/config.py
new file mode 100644
index 0000000000000000000000000000000000000000..e184b1f9024957a42fc6a4f796d0e8a7804e1ef7
--- /dev/null
+++ b/minigpt4/common/config.py
@@ -0,0 +1,468 @@
+"""
+ Copyright (c) 2022, salesforce.com, inc.
+ All rights reserved.
+ SPDX-License-Identifier: BSD-3-Clause
+ For full license text, see the LICENSE_Lavis file in the repo root or https://opensource.org/licenses/BSD-3-Clause
+"""
+
+import logging
+import json
+from typing import Dict
+
+from omegaconf import OmegaConf
+from minigpt4.common.registry import registry
+
+
+class Config:
+ def __init__(self, args):
+ self.config = {}
+
+ self.args = args
+
+ # Register the config and configuration for setup
+ registry.register("configuration", self)
+
+ user_config = self._build_opt_list(self.args.options)
+
+ config = OmegaConf.load(self.args.cfg_path)
+
+ runner_config = self.build_runner_config(config)
+ model_config = self.build_model_config(config, **user_config)
+ dataset_config = self.build_dataset_config(config)
+
+ # Validate the user-provided runner configuration
+ # model and dataset configuration are supposed to be validated by the respective classes
+ # [TODO] validate the model/dataset configuration
+ # self._validate_runner_config(runner_config)
+
+ # Override the default configuration with user options.
+ self.config = OmegaConf.merge(
+ runner_config, model_config, dataset_config, user_config
+ )
+
+ def _validate_runner_config(self, runner_config):
+ """
+ This method validates the configuration, such that
+ 1) all the user specified options are valid;
+ 2) no type mismatches between the user specified options and the config.
+ """
+ runner_config_validator = create_runner_config_validator()
+ runner_config_validator.validate(runner_config)
+
+ def _build_opt_list(self, opts):
+ opts_dot_list = self._convert_to_dot_list(opts)
+ return OmegaConf.from_dotlist(opts_dot_list)
+
+ @staticmethod
+ def build_model_config(config, **kwargs):
+ model = config.get("model", None)
+ assert model is not None, "Missing model configuration file."
+
+ model_cls = registry.get_model_class(model.arch)
+ assert model_cls is not None, f"Model '{model.arch}' has not been registered."
+
+ model_type = kwargs.get("model.model_type", None)
+ if not model_type:
+ model_type = model.get("model_type", None)
+ # else use the model type selected by user.
+
+ assert model_type is not None, "Missing model_type."
+
+ model_config_path = model_cls.default_config_path(model_type=model_type)
+
+ model_config = OmegaConf.create()
+ # hierarchy override, customized config > default config
+ model_config = OmegaConf.merge(
+ model_config,
+ OmegaConf.load(model_config_path),
+ {"model": config["model"]},
+ )
+
+ return model_config
+
+ @staticmethod
+ def build_runner_config(config):
+ return {"run": config.run}
+
+ @staticmethod
+ def build_dataset_config(config):
+ datasets = config.get("datasets", None)
+ if datasets is None:
+ raise KeyError(
+ "Expecting 'datasets' as the root key for dataset configuration."
+ )
+
+ dataset_config = OmegaConf.create()
+
+ for dataset_name in datasets:
+ builder_cls = registry.get_builder_class(dataset_name)
+
+ dataset_config_type = datasets[dataset_name].get("type", "default")
+ dataset_config_path = builder_cls.default_config_path(
+ type=dataset_config_type
+ )
+
+ # hierarchy override, customized config > default config
+ dataset_config = OmegaConf.merge(
+ dataset_config,
+ OmegaConf.load(dataset_config_path),
+ {"datasets": {dataset_name: config["datasets"][dataset_name]}},
+ )
+
+ return dataset_config
+
+ def _convert_to_dot_list(self, opts):
+ if opts is None:
+ opts = []
+
+ if len(opts) == 0:
+ return opts
+
+ has_equal = opts[0].find("=") != -1
+
+ if has_equal:
+ return opts
+
+ return [(opt + "=" + value) for opt, value in zip(opts[0::2], opts[1::2])]
+
+ def get_config(self):
+ return self.config
+
+ @property
+ def run_cfg(self):
+ return self.config.run
+
+ @property
+ def datasets_cfg(self):
+ return self.config.datasets
+
+ @property
+ def model_cfg(self):
+ return self.config.model
+
+ def pretty_print(self):
+ logging.info("\n===== Running Parameters =====")
+ logging.info(self._convert_node_to_json(self.config.run))
+
+ logging.info("\n====== Dataset Attributes ======")
+ datasets = self.config.datasets
+
+ for dataset in datasets:
+ if dataset in self.config.datasets:
+ logging.info(f"\n======== {dataset} =======")
+ dataset_config = self.config.datasets[dataset]
+ logging.info(self._convert_node_to_json(dataset_config))
+ else:
+ logging.warning(f"No dataset named '{dataset}' in config. Skipping")
+
+ logging.info(f"\n====== Model Attributes ======")
+ logging.info(self._convert_node_to_json(self.config.model))
+
+ def _convert_node_to_json(self, node):
+ container = OmegaConf.to_container(node, resolve=True)
+ return json.dumps(container, indent=4, sort_keys=True)
+
+ def to_dict(self):
+ return OmegaConf.to_container(self.config)
+
+
+def node_to_dict(node):
+ return OmegaConf.to_container(node)
+
+
+class ConfigValidator:
+ """
+ This is a preliminary implementation to centralize and validate the configuration.
+ May be altered in the future.
+
+ A helper class to validate configurations from yaml file.
+
+ This serves the following purposes:
+ 1. Ensure all the options in the yaml are defined, raise error if not.
+ 2. when type mismatches are found, the validator will raise an error.
+ 3. a central place to store and display helpful messages for supported configurations.
+
+ """
+
+ class _Argument:
+ def __init__(self, name, choices=None, type=None, help=None):
+ self.name = name
+ self.val = None
+ self.choices = choices
+ self.type = type
+ self.help = help
+
+ def __str__(self):
+ s = f"{self.name}={self.val}"
+ if self.type is not None:
+ s += f", ({self.type})"
+ if self.choices is not None:
+ s += f", choices: {self.choices}"
+ if self.help is not None:
+ s += f", ({self.help})"
+ return s
+
+ def __init__(self, description):
+ self.description = description
+
+ self.arguments = dict()
+
+ self.parsed_args = None
+
+ def __getitem__(self, key):
+ assert self.parsed_args is not None, "No arguments parsed yet."
+
+ return self.parsed_args[key]
+
+ def __str__(self) -> str:
+ return self.format_help()
+
+ def add_argument(self, *args, **kwargs):
+ """
+ Assume the first argument is the name of the argument.
+ """
+ self.arguments[args[0]] = self._Argument(*args, **kwargs)
+
+ def validate(self, config=None):
+ """
+ Convert yaml config (dict-like) to list, required by argparse.
+ """
+ for k, v in config.items():
+ assert (
+ k in self.arguments
+ ), f"""{k} is not a valid argument. Support arguments are {self.format_arguments()}."""
+
+ if self.arguments[k].type is not None:
+ try:
+ self.arguments[k].val = self.arguments[k].type(v)
+ except ValueError:
+ raise ValueError(f"{k} is not a valid {self.arguments[k].type}.")
+
+ if self.arguments[k].choices is not None:
+ assert (
+ v in self.arguments[k].choices
+ ), f"""{k} must be one of {self.arguments[k].choices}."""
+
+ return config
+
+ def format_arguments(self):
+ return str([f"{k}" for k in sorted(self.arguments.keys())])
+
+ def format_help(self):
+ # description + key-value pair string for each argument
+ help_msg = str(self.description)
+ return help_msg + ", available arguments: " + self.format_arguments()
+
+ def print_help(self):
+ # display help message
+ print(self.format_help())
+
+
+def create_runner_config_validator():
+ validator = ConfigValidator(description="Runner configurations")
+
+ validator.add_argument(
+ "runner",
+ type=str,
+ choices=["runner_base", "runner_iter"],
+ help="""Runner to use. The "runner_base" uses epoch-based training while iter-based
+ runner runs based on iters. Default: runner_base""",
+ )
+ # add argumetns for training dataset ratios
+ validator.add_argument(
+ "train_dataset_ratios",
+ type=Dict[str, float],
+ help="""Ratios of training dataset. This is used in iteration-based runner.
+ Do not support for epoch-based runner because how to define an epoch becomes tricky.
+ Default: None""",
+ )
+ validator.add_argument(
+ "max_iters",
+ type=float,
+ help="Maximum number of iterations to run.",
+ )
+ validator.add_argument(
+ "max_epoch",
+ type=int,
+ help="Maximum number of epochs to run.",
+ )
+ # add arguments for iters_per_inner_epoch
+ validator.add_argument(
+ "iters_per_inner_epoch",
+ type=float,
+ help="Number of iterations per inner epoch. This is required when runner is runner_iter.",
+ )
+ lr_scheds_choices = registry.list_lr_schedulers()
+ validator.add_argument(
+ "lr_sched",
+ type=str,
+ choices=lr_scheds_choices,
+ help="Learning rate scheduler to use, from {}".format(lr_scheds_choices),
+ )
+ task_choices = registry.list_tasks()
+ validator.add_argument(
+ "task",
+ type=str,
+ choices=task_choices,
+ help="Task to use, from {}".format(task_choices),
+ )
+ # add arguments for init_lr
+ validator.add_argument(
+ "init_lr",
+ type=float,
+ help="Initial learning rate. This will be the learning rate after warmup and before decay.",
+ )
+ # add arguments for min_lr
+ validator.add_argument(
+ "min_lr",
+ type=float,
+ help="Minimum learning rate (after decay).",
+ )
+ # add arguments for warmup_lr
+ validator.add_argument(
+ "warmup_lr",
+ type=float,
+ help="Starting learning rate for warmup.",
+ )
+ # add arguments for learning rate decay rate
+ validator.add_argument(
+ "lr_decay_rate",
+ type=float,
+ help="Learning rate decay rate. Required if using a decaying learning rate scheduler.",
+ )
+ # add arguments for weight decay
+ validator.add_argument(
+ "weight_decay",
+ type=float,
+ help="Weight decay rate.",
+ )
+ # add arguments for training batch size
+ validator.add_argument(
+ "batch_size_train",
+ type=int,
+ help="Training batch size.",
+ )
+ # add arguments for evaluation batch size
+ validator.add_argument(
+ "batch_size_eval",
+ type=int,
+ help="Evaluation batch size, including validation and testing.",
+ )
+ # add arguments for number of workers for data loading
+ validator.add_argument(
+ "num_workers",
+ help="Number of workers for data loading.",
+ )
+ # add arguments for warm up steps
+ validator.add_argument(
+ "warmup_steps",
+ type=int,
+ help="Number of warmup steps. Required if a warmup schedule is used.",
+ )
+ # add arguments for random seed
+ validator.add_argument(
+ "seed",
+ type=int,
+ help="Random seed.",
+ )
+ # add arguments for output directory
+ validator.add_argument(
+ "output_dir",
+ type=str,
+ help="Output directory to save checkpoints and logs.",
+ )
+ # add arguments for whether only use evaluation
+ validator.add_argument(
+ "evaluate",
+ help="Whether to only evaluate the model. If true, training will not be performed.",
+ )
+ # add arguments for splits used for training, e.g. ["train", "val"]
+ validator.add_argument(
+ "train_splits",
+ type=list,
+ help="Splits to use for training.",
+ )
+ # add arguments for splits used for validation, e.g. ["val"]
+ validator.add_argument(
+ "valid_splits",
+ type=list,
+ help="Splits to use for validation. If not provided, will skip the validation.",
+ )
+ # add arguments for splits used for testing, e.g. ["test"]
+ validator.add_argument(
+ "test_splits",
+ type=list,
+ help="Splits to use for testing. If not provided, will skip the testing.",
+ )
+ # add arguments for accumulating gradient for iterations
+ validator.add_argument(
+ "accum_grad_iters",
+ type=int,
+ help="Number of iterations to accumulate gradient for.",
+ )
+
+ # ====== distributed training ======
+ validator.add_argument(
+ "device",
+ type=str,
+ choices=["cpu", "cuda"],
+ help="Device to use. Support 'cuda' or 'cpu' as for now.",
+ )
+ validator.add_argument(
+ "world_size",
+ type=int,
+ help="Number of processes participating in the job.",
+ )
+ validator.add_argument("dist_url", type=str)
+ validator.add_argument("distributed", type=bool)
+ # add arguments to opt using distributed sampler during evaluation or not
+ validator.add_argument(
+ "use_dist_eval_sampler",
+ type=bool,
+ help="Whether to use distributed sampler during evaluation or not.",
+ )
+
+ # ====== task specific ======
+ # generation task specific arguments
+ # add arguments for maximal length of text output
+ validator.add_argument(
+ "max_len",
+ type=int,
+ help="Maximal length of text output.",
+ )
+ # add arguments for minimal length of text output
+ validator.add_argument(
+ "min_len",
+ type=int,
+ help="Minimal length of text output.",
+ )
+ # add arguments number of beams
+ validator.add_argument(
+ "num_beams",
+ type=int,
+ help="Number of beams used for beam search.",
+ )
+
+ # vqa task specific arguments
+ # add arguments for number of answer candidates
+ validator.add_argument(
+ "num_ans_candidates",
+ type=int,
+ help="""For ALBEF and BLIP, these models first rank answers according to likelihood to select answer candidates.""",
+ )
+ # add arguments for inference method
+ validator.add_argument(
+ "inference_method",
+ type=str,
+ choices=["genearte", "rank"],
+ help="""Inference method to use for question answering. If rank, requires a answer list.""",
+ )
+
+ # ====== model specific ======
+ validator.add_argument(
+ "k_test",
+ type=int,
+ help="Number of top k most similar samples from ITC/VTC selection to be tested.",
+ )
+
+ return validator
diff --git a/minigpt4/common/dist_utils.py b/minigpt4/common/dist_utils.py
new file mode 100644
index 0000000000000000000000000000000000000000..9280150bf5122d51bb810a9f0258a233e7088647
--- /dev/null
+++ b/minigpt4/common/dist_utils.py
@@ -0,0 +1,137 @@
+"""
+ Copyright (c) 2022, salesforce.com, inc.
+ All rights reserved.
+ SPDX-License-Identifier: BSD-3-Clause
+ For full license text, see the LICENSE_Lavis file in the repo root or https://opensource.org/licenses/BSD-3-Clause
+"""
+
+import datetime
+import functools
+import os
+
+import torch
+import torch.distributed as dist
+import timm.models.hub as timm_hub
+
+
+def setup_for_distributed(is_master):
+ """
+ This function disables printing when not in master process
+ """
+ import builtins as __builtin__
+
+ builtin_print = __builtin__.print
+
+ def print(*args, **kwargs):
+ force = kwargs.pop("force", False)
+ if is_master or force:
+ builtin_print(*args, **kwargs)
+
+ __builtin__.print = print
+
+
+def is_dist_avail_and_initialized():
+ if not dist.is_available():
+ return False
+ if not dist.is_initialized():
+ return False
+ return True
+
+
+def get_world_size():
+ if not is_dist_avail_and_initialized():
+ return 1
+ return dist.get_world_size()
+
+
+def get_rank():
+ if not is_dist_avail_and_initialized():
+ return 0
+ return dist.get_rank()
+
+
+def is_main_process():
+ return get_rank() == 0
+
+
+def init_distributed_mode(args):
+ if "RANK" in os.environ and "WORLD_SIZE" in os.environ:
+ args.rank = int(os.environ["RANK"])
+ args.world_size = int(os.environ["WORLD_SIZE"])
+ args.gpu = int(os.environ["LOCAL_RANK"])
+ elif "SLURM_PROCID" in os.environ:
+ args.rank = int(os.environ["SLURM_PROCID"])
+ args.gpu = args.rank % torch.cuda.device_count()
+ else:
+ print("Not using distributed mode")
+ args.distributed = False
+ return
+
+ args.distributed = True
+
+ torch.cuda.set_device(args.gpu)
+ args.dist_backend = "nccl"
+ print(
+ "| distributed init (rank {}, world {}): {}".format(
+ args.rank, args.world_size, args.dist_url
+ ),
+ flush=True,
+ )
+ torch.distributed.init_process_group(
+ backend=args.dist_backend,
+ init_method=args.dist_url,
+ world_size=args.world_size,
+ rank=args.rank,
+ timeout=datetime.timedelta(
+ days=365
+ ), # allow auto-downloading and de-compressing
+ )
+ torch.distributed.barrier()
+ setup_for_distributed(args.rank == 0)
+
+
+def get_dist_info():
+ if torch.__version__ < "1.0":
+ initialized = dist._initialized
+ else:
+ initialized = dist.is_initialized()
+ if initialized:
+ rank = dist.get_rank()
+ world_size = dist.get_world_size()
+ else: # non-distributed training
+ rank = 0
+ world_size = 1
+ return rank, world_size
+
+
+def main_process(func):
+ @functools.wraps(func)
+ def wrapper(*args, **kwargs):
+ rank, _ = get_dist_info()
+ if rank == 0:
+ return func(*args, **kwargs)
+
+ return wrapper
+
+
+def download_cached_file(url, check_hash=True, progress=False):
+ """
+ Download a file from a URL and cache it locally. If the file already exists, it is not downloaded again.
+ If distributed, only the main process downloads the file, and the other processes wait for the file to be downloaded.
+ """
+
+ def get_cached_file_path():
+ # a hack to sync the file path across processes
+ parts = torch.hub.urlparse(url)
+ filename = os.path.basename(parts.path)
+ cached_file = os.path.join(timm_hub.get_cache_dir(), filename)
+
+ return cached_file
+
+ if is_main_process():
+ timm_hub.download_cached_file(url, check_hash, progress)
+
+ if is_dist_avail_and_initialized():
+ dist.barrier()
+
+ return get_cached_file_path()
diff --git a/minigpt4/common/gradcam.py b/minigpt4/common/gradcam.py
new file mode 100644
index 0000000000000000000000000000000000000000..d53a5254d4b319eaf2cbfbd081b0ca8e38c5c7a0
--- /dev/null
+++ b/minigpt4/common/gradcam.py
@@ -0,0 +1,24 @@
+import numpy as np
+from matplotlib import pyplot as plt
+from scipy.ndimage import filters
+from skimage import transform as skimage_transform
+
+
+def getAttMap(img, attMap, blur=True, overlap=True):
+ attMap -= attMap.min()
+ if attMap.max() > 0:
+ attMap /= attMap.max()
+ attMap = skimage_transform.resize(attMap, (img.shape[:2]), order=3, mode="constant")
+ if blur:
+ attMap = filters.gaussian_filter(attMap, 0.02 * max(img.shape[:2]))
+ attMap -= attMap.min()
+ attMap /= attMap.max()
+ cmap = plt.get_cmap("jet")
+ attMapV = cmap(attMap)
+ attMapV = np.delete(attMapV, 3, 2)
+ if overlap:
+ attMap = (
+ 1 * (1 - attMap**0.7).reshape(attMap.shape + (1,)) * img
+ + (attMap**0.7).reshape(attMap.shape + (1,)) * attMapV
+ )
+ return attMap
diff --git a/minigpt4/common/logger.py b/minigpt4/common/logger.py
new file mode 100644
index 0000000000000000000000000000000000000000..9a5a727213c6478606a154172830cdc43aae6f5a
--- /dev/null
+++ b/minigpt4/common/logger.py
@@ -0,0 +1,195 @@
+"""
+ Copyright (c) 2022, salesforce.com, inc.
+ All rights reserved.
+ SPDX-License-Identifier: BSD-3-Clause
+ For full license text, see the LICENSE_Lavis file in the repo root or https://opensource.org/licenses/BSD-3-Clause
+"""
+
+import datetime
+import logging
+import time
+from collections import defaultdict, deque
+
+import torch
+import torch.distributed as dist
+
+from minigpt4.common import dist_utils
+
+
+class SmoothedValue(object):
+ """Track a series of values and provide access to smoothed values over a
+ window or the global series average.
+ """
+
+ def __init__(self, window_size=20, fmt=None):
+ if fmt is None:
+ fmt = "{median:.4f} ({global_avg:.4f})"
+ self.deque = deque(maxlen=window_size)
+ self.total = 0.0
+ self.count = 0
+ self.fmt = fmt
+
+ def update(self, value, n=1):
+ self.deque.append(value)
+ self.count += n
+ self.total += value * n
+
+ def synchronize_between_processes(self):
+ """
+ Warning: does not synchronize the deque!
+ """
+ if not dist_utils.is_dist_avail_and_initialized():
+ return
+ t = torch.tensor([self.count, self.total], dtype=torch.float64, device="cuda")
+ dist.barrier()
+ dist.all_reduce(t)
+ t = t.tolist()
+ self.count = int(t[0])
+ self.total = t[1]
+
+ @property
+ def median(self):
+ d = torch.tensor(list(self.deque))
+ return d.median().item()
+
+ @property
+ def avg(self):
+ d = torch.tensor(list(self.deque), dtype=torch.float32)
+ return d.mean().item()
+
+ @property
+ def global_avg(self):
+ return self.total / self.count
+
+ @property
+ def max(self):
+ return max(self.deque)
+
+ @property
+ def value(self):
+ return self.deque[-1]
+
+ def __str__(self):
+ return self.fmt.format(
+ median=self.median,
+ avg=self.avg,
+ global_avg=self.global_avg,
+ max=self.max,
+ value=self.value,
+ )
+
+
+class MetricLogger(object):
+ def __init__(self, delimiter="\t"):
+ self.meters = defaultdict(SmoothedValue)
+ self.delimiter = delimiter
+
+ def update(self, **kwargs):
+ for k, v in kwargs.items():
+ if isinstance(v, torch.Tensor):
+ v = v.item()
+ assert isinstance(v, (float, int))
+ self.meters[k].update(v)
+
+ def __getattr__(self, attr):
+ if attr in self.meters:
+ return self.meters[attr]
+ if attr in self.__dict__:
+ return self.__dict__[attr]
+ raise AttributeError(
+ "'{}' object has no attribute '{}'".format(type(self).__name__, attr)
+ )
+
+ def __str__(self):
+ loss_str = []
+ for name, meter in self.meters.items():
+ loss_str.append("{}: {}".format(name, str(meter)))
+ return self.delimiter.join(loss_str)
+
+ def global_avg(self):
+ loss_str = []
+ for name, meter in self.meters.items():
+ loss_str.append("{}: {:.4f}".format(name, meter.global_avg))
+ return self.delimiter.join(loss_str)
+
+ def synchronize_between_processes(self):
+ for meter in self.meters.values():
+ meter.synchronize_between_processes()
+
+ def add_meter(self, name, meter):
+ self.meters[name] = meter
+
+ def log_every(self, iterable, print_freq, header=None):
+ i = 0
+ if not header:
+ header = ""
+ start_time = time.time()
+ end = time.time()
+ iter_time = SmoothedValue(fmt="{avg:.4f}")
+ data_time = SmoothedValue(fmt="{avg:.4f}")
+ space_fmt = ":" + str(len(str(len(iterable)))) + "d"
+ log_msg = [
+ header,
+ "[{0" + space_fmt + "}/{1}]",
+ "eta: {eta}",
+ "{meters}",
+ "time: {time}",
+ "data: {data}",
+ ]
+ if torch.cuda.is_available():
+ log_msg.append("max mem: {memory:.0f}")
+ log_msg = self.delimiter.join(log_msg)
+ MB = 1024.0 * 1024.0
+ for obj in iterable:
+ data_time.update(time.time() - end)
+ yield obj
+ iter_time.update(time.time() - end)
+ if i % print_freq == 0 or i == len(iterable) - 1:
+ eta_seconds = iter_time.global_avg * (len(iterable) - i)
+ eta_string = str(datetime.timedelta(seconds=int(eta_seconds)))
+ if torch.cuda.is_available():
+ print(
+ log_msg.format(
+ i,
+ len(iterable),
+ eta=eta_string,
+ meters=str(self),
+ time=str(iter_time),
+ data=str(data_time),
+ memory=torch.cuda.max_memory_allocated() / MB,
+ )
+ )
+ else:
+ print(
+ log_msg.format(
+ i,
+ len(iterable),
+ eta=eta_string,
+ meters=str(self),
+ time=str(iter_time),
+ data=str(data_time),
+ )
+ )
+ i += 1
+ end = time.time()
+ total_time = time.time() - start_time
+ total_time_str = str(datetime.timedelta(seconds=int(total_time)))
+ print(
+ "{} Total time: {} ({:.4f} s / it)".format(
+ header, total_time_str, total_time / len(iterable)
+ )
+ )
+
+
+class AttrDict(dict):
+ def __init__(self, *args, **kwargs):
+ super(AttrDict, self).__init__(*args, **kwargs)
+ self.__dict__ = self
+
+
+def setup_logger():
+ logging.basicConfig(
+ level=logging.INFO if dist_utils.is_main_process() else logging.WARN,
+ format="%(asctime)s [%(levelname)s] %(message)s",
+ handlers=[logging.StreamHandler()],
+ )
diff --git a/minigpt4/common/optims.py b/minigpt4/common/optims.py
new file mode 100644
index 0000000000000000000000000000000000000000..58327f723d445633ce7d1b5c3cc799b041319a97
--- /dev/null
+++ b/minigpt4/common/optims.py
@@ -0,0 +1,119 @@
+"""
+ Copyright (c) 2022, salesforce.com, inc.
+ All rights reserved.
+ SPDX-License-Identifier: BSD-3-Clause
+ For full license text, see the LICENSE_Lavis file in the repo root or https://opensource.org/licenses/BSD-3-Clause
+"""
+
+import math
+
+from minigpt4.common.registry import registry
+
+
+@registry.register_lr_scheduler("linear_warmup_step_lr")
+class LinearWarmupStepLRScheduler:
+ def __init__(
+ self,
+ optimizer,
+ max_epoch,
+ min_lr,
+ init_lr,
+ decay_rate=1,
+ warmup_start_lr=-1,
+ warmup_steps=0,
+ **kwargs
+ ):
+ self.optimizer = optimizer
+
+ self.max_epoch = max_epoch
+ self.min_lr = min_lr
+
+ self.decay_rate = decay_rate
+
+ self.init_lr = init_lr
+ self.warmup_steps = warmup_steps
+ self.warmup_start_lr = warmup_start_lr if warmup_start_lr >= 0 else init_lr
+
+ def step(self, cur_epoch, cur_step):
+ if cur_epoch == 0:
+ warmup_lr_schedule(
+ step=cur_step,
+ optimizer=self.optimizer,
+ max_step=self.warmup_steps,
+ init_lr=self.warmup_start_lr,
+ max_lr=self.init_lr,
+ )
+ else:
+ step_lr_schedule(
+ epoch=cur_epoch,
+ optimizer=self.optimizer,
+ init_lr=self.init_lr,
+ min_lr=self.min_lr,
+ decay_rate=self.decay_rate,
+ )
+
+
+@registry.register_lr_scheduler("linear_warmup_cosine_lr")
+class LinearWarmupCosineLRScheduler:
+ def __init__(
+ self,
+ optimizer,
+ max_epoch,
+ iters_per_epoch,
+ min_lr,
+ init_lr,
+ warmup_steps=0,
+ warmup_start_lr=-1,
+ **kwargs
+ ):
+ self.optimizer = optimizer
+
+ self.max_epoch = max_epoch
+ self.iters_per_epoch = iters_per_epoch
+ self.min_lr = min_lr
+
+ self.init_lr = init_lr
+ self.warmup_steps = warmup_steps
+ self.warmup_start_lr = warmup_start_lr if warmup_start_lr >= 0 else init_lr
+
+ def step(self, cur_epoch, cur_step):
+ total_cur_step = cur_epoch * self.iters_per_epoch + cur_step
+ if total_cur_step < self.warmup_steps:
+ warmup_lr_schedule(
+ step=cur_step,
+ optimizer=self.optimizer,
+ max_step=self.warmup_steps,
+ init_lr=self.warmup_start_lr,
+ max_lr=self.init_lr,
+ )
+ else:
+ cosine_lr_schedule(
+ epoch=total_cur_step,
+ optimizer=self.optimizer,
+ max_epoch=self.max_epoch * self.iters_per_epoch,
+ init_lr=self.init_lr,
+ min_lr=self.min_lr,
+ )
+
+
+def cosine_lr_schedule(optimizer, epoch, max_epoch, init_lr, min_lr):
+ """Decay the learning rate"""
+ lr = (init_lr - min_lr) * 0.5 * (
+ 1.0 + math.cos(math.pi * epoch / max_epoch)
+ ) + min_lr
+ for param_group in optimizer.param_groups:
+ param_group["lr"] = lr
+
+
+def warmup_lr_schedule(optimizer, step, max_step, init_lr, max_lr):
+ """Warmup the learning rate"""
+ lr = min(max_lr, init_lr + (max_lr - init_lr) * step / max(max_step, 1))
+ for param_group in optimizer.param_groups:
+ param_group["lr"] = lr
+
+
+def step_lr_schedule(optimizer, epoch, init_lr, min_lr, decay_rate):
+ """Decay the learning rate"""
+ lr = max(min_lr, init_lr * (decay_rate**epoch))
+ for param_group in optimizer.param_groups:
+ param_group["lr"] = lr
diff --git a/minigpt4/common/registry.py b/minigpt4/common/registry.py
new file mode 100644
index 0000000000000000000000000000000000000000..679467a7411eda19ed956b810c21234322f06779
--- /dev/null
+++ b/minigpt4/common/registry.py
@@ -0,0 +1,329 @@
+"""
+ Copyright (c) 2022, salesforce.com, inc.
+ All rights reserved.
+ SPDX-License-Identifier: BSD-3-Clause
+ For full license text, see the LICENSE_Lavis file in the repo root or https://opensource.org/licenses/BSD-3-Clause
+"""
+
+
+class Registry:
+ mapping = {
+ "builder_name_mapping": {},
+ "task_name_mapping": {},
+ "processor_name_mapping": {},
+ "model_name_mapping": {},
+ "lr_scheduler_name_mapping": {},
+ "runner_name_mapping": {},
+ "state": {},
+ "paths": {},
+ }
+
+ @classmethod
+ def register_builder(cls, name):
+ r"""Register a dataset builder to registry with key 'name'
+
+ Args:
+ name: Key with which the builder will be registered.
+
+ Usage:
+
+ from minigpt4.common.registry import registry
+ from minigpt4.datasets.base_dataset_builder import BaseDatasetBuilder
+ """
+
+ def wrap(builder_cls):
+ from minigpt4.datasets.builders.base_dataset_builder import BaseDatasetBuilder
+
+ assert issubclass(
+ builder_cls, BaseDatasetBuilder
+ ), "All builders must inherit BaseDatasetBuilder class, found {}".format(
+ builder_cls
+ )
+ if name in cls.mapping["builder_name_mapping"]:
+ raise KeyError(
+ "Name '{}' already registered for {}.".format(
+ name, cls.mapping["builder_name_mapping"][name]
+ )
+ )
+ cls.mapping["builder_name_mapping"][name] = builder_cls
+ return builder_cls
+
+ return wrap
+
+ @classmethod
+ def register_task(cls, name):
+ r"""Register a task to registry with key 'name'
+
+ Args:
+ name: Key with which the task will be registered.
+
+ Usage:
+
+ from minigpt4.common.registry import registry
+ """
+
+ def wrap(task_cls):
+ from minigpt4.tasks.base_task import BaseTask
+
+ assert issubclass(
+ task_cls, BaseTask
+ ), "All tasks must inherit BaseTask class"
+ if name in cls.mapping["task_name_mapping"]:
+ raise KeyError(
+ "Name '{}' already registered for {}.".format(
+ name, cls.mapping["task_name_mapping"][name]
+ )
+ )
+ cls.mapping["task_name_mapping"][name] = task_cls
+ return task_cls
+
+ return wrap
+
+ @classmethod
+ def register_model(cls, name):
+ r"""Register a task to registry with key 'name'
+
+ Args:
+ name: Key with which the task will be registered.
+
+ Usage:
+
+ from minigpt4.common.registry import registry
+ """
+
+ def wrap(model_cls):
+ from minigpt4.models import BaseModel
+
+ assert issubclass(
+ model_cls, BaseModel
+ ), "All models must inherit BaseModel class"
+ if name in cls.mapping["model_name_mapping"]:
+ raise KeyError(
+ "Name '{}' already registered for {}.".format(
+ name, cls.mapping["model_name_mapping"][name]
+ )
+ )
+ cls.mapping["model_name_mapping"][name] = model_cls
+ return model_cls
+
+ return wrap
+
+ @classmethod
+ def register_processor(cls, name):
+ r"""Register a processor to registry with key 'name'
+
+ Args:
+ name: Key with which the task will be registered.
+
+ Usage:
+
+ from minigpt4.common.registry import registry
+ """
+
+ def wrap(processor_cls):
+ from minigpt4.processors import BaseProcessor
+
+ assert issubclass(
+ processor_cls, BaseProcessor
+ ), "All processors must inherit BaseProcessor class"
+ if name in cls.mapping["processor_name_mapping"]:
+ raise KeyError(
+ "Name '{}' already registered for {}.".format(
+ name, cls.mapping["processor_name_mapping"][name]
+ )
+ )
+ cls.mapping["processor_name_mapping"][name] = processor_cls
+ return processor_cls
+
+ return wrap
+
+ @classmethod
+ def register_lr_scheduler(cls, name):
+ r"""Register a model to registry with key 'name'
+
+ Args:
+ name: Key with which the task will be registered.
+
+ Usage:
+
+ from minigpt4.common.registry import registry
+ """
+
+ def wrap(lr_sched_cls):
+ if name in cls.mapping["lr_scheduler_name_mapping"]:
+ raise KeyError(
+ "Name '{}' already registered for {}.".format(
+ name, cls.mapping["lr_scheduler_name_mapping"][name]
+ )
+ )
+ cls.mapping["lr_scheduler_name_mapping"][name] = lr_sched_cls
+ return lr_sched_cls
+
+ return wrap
+
+ @classmethod
+ def register_runner(cls, name):
+ r"""Register a model to registry with key 'name'
+
+ Args:
+ name: Key with which the task will be registered.
+
+ Usage:
+
+ from minigpt4.common.registry import registry
+ """
+
+ def wrap(runner_cls):
+ if name in cls.mapping["runner_name_mapping"]:
+ raise KeyError(
+ "Name '{}' already registered for {}.".format(
+ name, cls.mapping["runner_name_mapping"][name]
+ )
+ )
+ cls.mapping["runner_name_mapping"][name] = runner_cls
+ return runner_cls
+
+ return wrap
+
+ @classmethod
+ def register_path(cls, name, path):
+ r"""Register a path to registry with key 'name'
+
+ Args:
+ name: Key with which the path will be registered.
+
+ Usage:
+
+ from minigpt4.common.registry import registry
+ """
+ assert isinstance(path, str), "All path must be str."
+ if name in cls.mapping["paths"]:
+ raise KeyError("Name '{}' already registered.".format(name))
+ cls.mapping["paths"][name] = path
+
+ @classmethod
+ def register(cls, name, obj):
+ r"""Register an item to registry with key 'name'
+
+ Args:
+ name: Key with which the item will be registered.
+
+ Usage::
+
+ from minigpt4.common.registry import registry
+
+ registry.register("config", {})
+ """
+ path = name.split(".")
+ current = cls.mapping["state"]
+
+ for part in path[:-1]:
+ if part not in current:
+ current[part] = {}
+ current = current[part]
+
+ current[path[-1]] = obj
+
+ # @classmethod
+ # def get_trainer_class(cls, name):
+ # return cls.mapping["trainer_name_mapping"].get(name, None)
+
+ @classmethod
+ def get_builder_class(cls, name):
+ return cls.mapping["builder_name_mapping"].get(name, None)
+
+ @classmethod
+ def get_model_class(cls, name):
+ return cls.mapping["model_name_mapping"].get(name, None)
+
+ @classmethod
+ def get_task_class(cls, name):
+ return cls.mapping["task_name_mapping"].get(name, None)
+
+ @classmethod
+ def get_processor_class(cls, name):
+ return cls.mapping["processor_name_mapping"].get(name, None)
+
+ @classmethod
+ def get_lr_scheduler_class(cls, name):
+ return cls.mapping["lr_scheduler_name_mapping"].get(name, None)
+
+ @classmethod
+ def get_runner_class(cls, name):
+ return cls.mapping["runner_name_mapping"].get(name, None)
+
+ @classmethod
+ def list_runners(cls):
+ return sorted(cls.mapping["runner_name_mapping"].keys())
+
+ @classmethod
+ def list_models(cls):
+ return sorted(cls.mapping["model_name_mapping"].keys())
+
+ @classmethod
+ def list_tasks(cls):
+ return sorted(cls.mapping["task_name_mapping"].keys())
+
+ @classmethod
+ def list_processors(cls):
+ return sorted(cls.mapping["processor_name_mapping"].keys())
+
+ @classmethod
+ def list_lr_schedulers(cls):
+ return sorted(cls.mapping["lr_scheduler_name_mapping"].keys())
+
+ @classmethod
+ def list_datasets(cls):
+ return sorted(cls.mapping["builder_name_mapping"].keys())
+
+ @classmethod
+ def get_path(cls, name):
+ return cls.mapping["paths"].get(name, None)
+
+ @classmethod
+ def get(cls, name, default=None, no_warning=False):
+ r"""Get an item from registry with key 'name'
+
+ Args:
+ name (string): Key whose value needs to be retrieved.
+ default: If passed and key is not in registry, default value will
+ be returned with a warning. Default: None
+ no_warning (bool): If passed as True, warning when key doesn't exist
+ will not be generated. Useful for MMF's
+ internal operations. Default: False
+ """
+ original_name = name
+ name = name.split(".")
+ value = cls.mapping["state"]
+ for subname in name:
+ value = value.get(subname, default)
+ if value is default:
+ break
+
+ if (
+ "writer" in cls.mapping["state"]
+ and value == default
+ and no_warning is False
+ ):
+ cls.mapping["state"]["writer"].warning(
+ "Key {} is not present in registry, returning default value "
+ "of {}".format(original_name, default)
+ )
+ return value
+
+ @classmethod
+ def unregister(cls, name):
+ r"""Remove an item from registry with key 'name'
+
+ Args:
+ name: Key which needs to be removed.
+ Usage::
+
+ from mmf.common.registry import registry
+
+ config = registry.unregister("config")
+ """
+ return cls.mapping["state"].pop(name, None)
+
+
+registry = Registry()
diff --git a/minigpt4/common/utils.py b/minigpt4/common/utils.py
new file mode 100644
index 0000000000000000000000000000000000000000..a3069cd10ce986a1ec249490fa813cae9254bd0d
--- /dev/null
+++ b/minigpt4/common/utils.py
@@ -0,0 +1,424 @@
+"""
+ Copyright (c) 2022, salesforce.com, inc.
+ All rights reserved.
+ SPDX-License-Identifier: BSD-3-Clause
+ For full license text, see the LICENSE_Lavis file in the repo root or https://opensource.org/licenses/BSD-3-Clause
+"""
+
+import io
+import json
+import logging
+import os
+import pickle
+import re
+import shutil
+import urllib
+import urllib.error
+import urllib.request
+from typing import Optional
+from urllib.parse import urlparse
+
+import numpy as np
+import pandas as pd
+import yaml
+from iopath.common.download import download
+from iopath.common.file_io import file_lock, g_pathmgr
+from minigpt4.common.registry import registry
+from torch.utils.model_zoo import tqdm
+from torchvision.datasets.utils import (
+ check_integrity,
+ download_file_from_google_drive,
+ extract_archive,
+)
+
+
+def now():
+ from datetime import datetime
+
+ return datetime.now().strftime("%Y%m%d%H%M")[:-1]
+
+
+def is_url(url_or_filename):
+ parsed = urlparse(url_or_filename)
+ return parsed.scheme in ("http", "https")
+
+
+def get_cache_path(rel_path):
+ return os.path.expanduser(os.path.join(registry.get_path("cache_root"), rel_path))
+
+
+def get_abs_path(rel_path):
+ return os.path.join(registry.get_path("library_root"), rel_path)
+
+
+def load_json(filename):
+ with open(filename, "r") as f:
+ return json.load(f)
+
+
+# The following are adapted from torchvision and vissl
+# torchvision: https://github.com/pytorch/vision
+# vissl: https://github.com/facebookresearch/vissl/blob/main/vissl/utils/download.py
+
+
+def makedir(dir_path):
+ """
+ Create the directory if it does not exist.
+ """
+ is_success = False
+ try:
+ if not g_pathmgr.exists(dir_path):
+ g_pathmgr.mkdirs(dir_path)
+ is_success = True
+ except BaseException:
+ print(f"Error creating directory: {dir_path}")
+ return is_success
+
+
+def get_redirected_url(url: str):
+ """
+ Given a URL, returns the URL it redirects to or the
+ original URL in case of no indirection
+ """
+ import requests
+
+ with requests.Session() as session:
+ with session.get(url, stream=True, allow_redirects=True) as response:
+ if response.history:
+ return response.url
+ else:
+ return url
+
+
+def to_google_drive_download_url(view_url: str) -> str:
+ """
+ Utility function to transform a view URL of google drive
+ to a download URL for google drive
+ Example input:
+ https://drive.google.com/file/d/137RyRjvTBkBiIfeYBNZBtViDHQ6_Ewsp/view
+ Example output:
+ https://drive.google.com/uc?export=download&id=137RyRjvTBkBiIfeYBNZBtViDHQ6_Ewsp
+ """
+ splits = view_url.split("/")
+ assert splits[-1] == "view"
+ file_id = splits[-2]
+ return f"https://drive.google.com/uc?export=download&id={file_id}"
+
+
+def download_google_drive_url(url: str, output_path: str, output_file_name: str):
+ """
+ Download a file from google drive
+ Downloading an URL from google drive requires confirmation when
+ the file of the size is too big (google drive notifies that
+ anti-viral checks cannot be performed on such files)
+ """
+ import requests
+
+ with requests.Session() as session:
+
+ # First get the confirmation token and append it to the URL
+ with session.get(url, stream=True, allow_redirects=True) as response:
+ for k, v in response.cookies.items():
+ if k.startswith("download_warning"):
+ url = url + "&confirm=" + v
+
+ # Then download the content of the file
+ with session.get(url, stream=True, verify=True) as response:
+ makedir(output_path)
+ path = os.path.join(output_path, output_file_name)
+ total_size = int(response.headers.get("Content-length", 0))
+ with open(path, "wb") as file:
+ from tqdm import tqdm
+
+ with tqdm(total=total_size) as progress_bar:
+ for block in response.iter_content(
+ chunk_size=io.DEFAULT_BUFFER_SIZE
+ ):
+ file.write(block)
+ progress_bar.update(len(block))
+
+
+def _get_google_drive_file_id(url: str) -> Optional[str]:
+ parts = urlparse(url)
+
+ if re.match(r"(drive|docs)[.]google[.]com", parts.netloc) is None:
+ return None
+
+ match = re.match(r"/file/d/(?P[^/]*)", parts.path)
+ if match is None:
+ return None
+
+ return match.group("id")
+
+
+def _urlretrieve(url: str, filename: str, chunk_size: int = 1024) -> None:
+ with open(filename, "wb") as fh:
+ with urllib.request.urlopen(
+ urllib.request.Request(url, headers={"User-Agent": "vissl"})
+ ) as response:
+ with tqdm(total=response.length) as pbar:
+ for chunk in iter(lambda: response.read(chunk_size), ""):
+ if not chunk:
+ break
+ pbar.update(chunk_size)
+ fh.write(chunk)
+
+
+def download_url(
+ url: str,
+ root: str,
+ filename: Optional[str] = None,
+ md5: Optional[str] = None,
+) -> None:
+ """Download a file from a url and place it in root.
+ Args:
+ url (str): URL to download file from
+ root (str): Directory to place downloaded file in
+ filename (str, optional): Name to save the file under.
+ If None, use the basename of the URL.
+ md5 (str, optional): MD5 checksum of the download. If None, do not check
+ """
+ root = os.path.expanduser(root)
+ if not filename:
+ filename = os.path.basename(url)
+ fpath = os.path.join(root, filename)
+
+ makedir(root)
+
+ # check if file is already present locally
+ if check_integrity(fpath, md5):
+ print("Using downloaded and verified file: " + fpath)
+ return
+
+ # expand redirect chain if needed
+ url = get_redirected_url(url)
+
+ # check if file is located on Google Drive
+ file_id = _get_google_drive_file_id(url)
+ if file_id is not None:
+ return download_file_from_google_drive(file_id, root, filename, md5)
+
+ # download the file
+ try:
+ print("Downloading " + url + " to " + fpath)
+ _urlretrieve(url, fpath)
+ except (urllib.error.URLError, IOError) as e: # type: ignore[attr-defined]
+ if url[:5] == "https":
+ url = url.replace("https:", "http:")
+ print(
+ "Failed download. Trying https -> http instead."
+ " Downloading " + url + " to " + fpath
+ )
+ _urlretrieve(url, fpath)
+ else:
+ raise e
+
+ # check integrity of downloaded file
+ if not check_integrity(fpath, md5):
+ raise RuntimeError("File not found or corrupted.")
+
+
+def download_and_extract_archive(
+ url: str,
+ download_root: str,
+ extract_root: Optional[str] = None,
+ filename: Optional[str] = None,
+ md5: Optional[str] = None,
+ remove_finished: bool = False,
+) -> None:
+ download_root = os.path.expanduser(download_root)
+ if extract_root is None:
+ extract_root = download_root
+ if not filename:
+ filename = os.path.basename(url)
+
+ download_url(url, download_root, filename, md5)
+
+ archive = os.path.join(download_root, filename)
+ print("Extracting {} to {}".format(archive, extract_root))
+ extract_archive(archive, extract_root, remove_finished)
+
+
+def cache_url(url: str, cache_dir: str) -> str:
+ """
+ This implementation downloads the remote resource and caches it locally.
+ The resource will only be downloaded if not previously requested.
+ """
+ parsed_url = urlparse(url)
+ dirname = os.path.join(cache_dir, os.path.dirname(parsed_url.path.lstrip("/")))
+ makedir(dirname)
+ filename = url.split("/")[-1]
+ cached = os.path.join(dirname, filename)
+ with file_lock(cached):
+ if not os.path.isfile(cached):
+ logging.info(f"Downloading {url} to {cached} ...")
+ cached = download(url, dirname, filename=filename)
+ logging.info(f"URL {url} cached in {cached}")
+ return cached
+
+
+# TODO (prigoyal): convert this into RAII-style API
+def create_file_symlink(file1, file2):
+ """
+ Simply create the symlinks for a given file1 to file2.
+ Useful during model checkpointing to symlinks to the
+ latest successful checkpoint.
+ """
+ try:
+ if g_pathmgr.exists(file2):
+ g_pathmgr.rm(file2)
+ g_pathmgr.symlink(file1, file2)
+ except Exception as e:
+ logging.info(f"Could NOT create symlink. Error: {e}")
+
+
+def save_file(data, filename, append_to_json=True, verbose=True):
+ """
+ Common i/o utility to handle saving data to various file formats.
+ Supported:
+ .pkl, .pickle, .npy, .json
+ Specifically for .json, users have the option to either append (default)
+ or rewrite by passing in Boolean value to append_to_json.
+ """
+ if verbose:
+ logging.info(f"Saving data to file: {filename}")
+ file_ext = os.path.splitext(filename)[1]
+ if file_ext in [".pkl", ".pickle"]:
+ with g_pathmgr.open(filename, "wb") as fopen:
+ pickle.dump(data, fopen, pickle.HIGHEST_PROTOCOL)
+ elif file_ext == ".npy":
+ with g_pathmgr.open(filename, "wb") as fopen:
+ np.save(fopen, data)
+ elif file_ext == ".json":
+ if append_to_json:
+ with g_pathmgr.open(filename, "a") as fopen:
+ fopen.write(json.dumps(data, sort_keys=True) + "\n")
+ fopen.flush()
+ else:
+ with g_pathmgr.open(filename, "w") as fopen:
+ fopen.write(json.dumps(data, sort_keys=True) + "\n")
+ fopen.flush()
+ elif file_ext == ".yaml":
+ with g_pathmgr.open(filename, "w") as fopen:
+ dump = yaml.dump(data)
+ fopen.write(dump)
+ fopen.flush()
+ else:
+ raise Exception(f"Saving {file_ext} is not supported yet")
+
+ if verbose:
+ logging.info(f"Saved data to file: {filename}")
+
+
+def load_file(filename, mmap_mode=None, verbose=True, allow_pickle=False):
+ """
+ Common i/o utility to handle loading data from various file formats.
+ Supported:
+ .pkl, .pickle, .npy, .json
+ For the npy files, we support reading the files in mmap_mode.
+ If the mmap_mode of reading is not successful, we load data without the
+ mmap_mode.
+ """
+ if verbose:
+ logging.info(f"Loading data from file: {filename}")
+
+ file_ext = os.path.splitext(filename)[1]
+ if file_ext == ".txt":
+ with g_pathmgr.open(filename, "r") as fopen:
+ data = fopen.readlines()
+ elif file_ext in [".pkl", ".pickle"]:
+ with g_pathmgr.open(filename, "rb") as fopen:
+ data = pickle.load(fopen, encoding="latin1")
+ elif file_ext == ".npy":
+ if mmap_mode:
+ try:
+ with g_pathmgr.open(filename, "rb") as fopen:
+ data = np.load(
+ fopen,
+ allow_pickle=allow_pickle,
+ encoding="latin1",
+ mmap_mode=mmap_mode,
+ )
+ except ValueError as e:
+ logging.info(
+ f"Could not mmap {filename}: {e}. Trying without g_pathmgr"
+ )
+ data = np.load(
+ filename,
+ allow_pickle=allow_pickle,
+ encoding="latin1",
+ mmap_mode=mmap_mode,
+ )
+ logging.info("Successfully loaded without g_pathmgr")
+ except Exception:
+ logging.info("Could not mmap without g_pathmgr. Trying without mmap")
+ with g_pathmgr.open(filename, "rb") as fopen:
+ data = np.load(fopen, allow_pickle=allow_pickle, encoding="latin1")
+ else:
+ with g_pathmgr.open(filename, "rb") as fopen:
+ data = np.load(fopen, allow_pickle=allow_pickle, encoding="latin1")
+ elif file_ext == ".json":
+ with g_pathmgr.open(filename, "r") as fopen:
+ data = json.load(fopen)
+ elif file_ext == ".yaml":
+ with g_pathmgr.open(filename, "r") as fopen:
+ data = yaml.load(fopen, Loader=yaml.FullLoader)
+ elif file_ext == ".csv":
+ with g_pathmgr.open(filename, "r") as fopen:
+ data = pd.read_csv(fopen)
+ else:
+ raise Exception(f"Reading from {file_ext} is not supported yet")
+ return data
+
+
+def abspath(resource_path: str):
+ """
+ Make a path absolute, but take into account prefixes like
+ "http://" or "manifold://"
+ """
+ regex = re.compile(r"^\w+://")
+ if regex.match(resource_path) is None:
+ return os.path.abspath(resource_path)
+ else:
+ return resource_path
+
+
+def makedir(dir_path):
+ """
+ Create the directory if it does not exist.
+ """
+ is_success = False
+ try:
+ if not g_pathmgr.exists(dir_path):
+ g_pathmgr.mkdirs(dir_path)
+ is_success = True
+ except BaseException:
+ logging.info(f"Error creating directory: {dir_path}")
+ return is_success
+
+
+def is_url(input_url):
+ """
+ Check if an input string is a url. look for http(s):// and ignoring the case
+ """
+ is_url = re.match(r"^(?:http)s?://", input_url, re.IGNORECASE) is not None
+ return is_url
+
+
+def cleanup_dir(dir):
+ """
+ Utility for deleting a directory. Useful for cleaning the storage space
+ that contains various training artifacts like checkpoints, data etc.
+ """
+ if os.path.exists(dir):
+ logging.info(f"Deleting directory: {dir}")
+ shutil.rmtree(dir)
+ logging.info(f"Deleted contents of directory: {dir}")
+
+
+def get_file_size(filename):
+ """
+ Given a file, get the size of file in MB
+ """
+ size_in_mb = os.path.getsize(filename) / float(1024**2)
+ return size_in_mb
diff --git a/minigpt4/configs/__init__.py b/minigpt4/configs/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/minigpt4/configs/datasets/cc_sbu/align.yaml b/minigpt4/configs/datasets/cc_sbu/align.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..9288d091a1b3f1f721527a3d472bc7a97fe7ba67
--- /dev/null
+++ b/minigpt4/configs/datasets/cc_sbu/align.yaml
@@ -0,0 +1,5 @@
+datasets:
+ cc_sbu_align:
+ data_type: images
+ build_info:
+ storage: PATH_TO_$cc_sbu_align
diff --git a/minigpt4/configs/datasets/cc_sbu/defaults.yaml b/minigpt4/configs/datasets/cc_sbu/defaults.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..60390eece551fe06a0f7c3ebb395351794b9f5f1
--- /dev/null
+++ b/minigpt4/configs/datasets/cc_sbu/defaults.yaml
@@ -0,0 +1,5 @@
+datasets:
+ cc_sbu:
+ data_type: images
+ build_info:
+ storage: /path/to/cc_sbu_dataset/{00000..01255}.tar
diff --git a/minigpt4/configs/datasets/laion/defaults.yaml b/minigpt4/configs/datasets/laion/defaults.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..6bad62901619c0a9e34619a400290f3e18083899
--- /dev/null
+++ b/minigpt4/configs/datasets/laion/defaults.yaml
@@ -0,0 +1,5 @@
+datasets:
+ laion:
+ data_type: images
+ build_info:
+ storage: /path/to/laion_dataset/{00000..10488}.tar
diff --git a/minigpt4/configs/datasets/pdb/pdb.yaml b/minigpt4/configs/datasets/pdb/pdb.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..30ab11989075e588b4308f17005cf6ebcce9cafb
--- /dev/null
+++ b/minigpt4/configs/datasets/pdb/pdb.yaml
@@ -0,0 +1,5 @@
+datasets:
+ pdb:
+ data_type: protein
+ build_info:
+ storage: PATH_TO_pdb
diff --git a/minigpt4/configs/default.yaml b/minigpt4/configs/default.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..ff5a6a23fa2e3914938631b96c71fdf723dbbc10
--- /dev/null
+++ b/minigpt4/configs/default.yaml
@@ -0,0 +1,5 @@
+env:
+ # For default users
+ # cache_root: "cache"
+ # For internal use with persistent storage
+ cache_root: "/export/home/.cache/minigpt4"
diff --git a/minigpt4/configs/esm_config.py b/minigpt4/configs/esm_config.py
new file mode 100644
index 0000000000000000000000000000000000000000..e184b1f9024957a42fc6a4f796d0e8a7804e1ef7
--- /dev/null
+++ b/minigpt4/configs/esm_config.py
@@ -0,0 +1,468 @@
+"""
+ Copyright (c) 2022, salesforce.com, inc.
+ All rights reserved.
+ SPDX-License-Identifier: BSD-3-Clause
+ For full license text, see the LICENSE_Lavis file in the repo root or https://opensource.org/licenses/BSD-3-Clause
+"""
+
+import logging
+import json
+from typing import Dict
+
+from omegaconf import OmegaConf
+from minigpt4.common.registry import registry
+
+
+class Config:
+ def __init__(self, args):
+ self.config = {}
+
+ self.args = args
+
+ # Register the config and configuration for setup
+ registry.register("configuration", self)
+
+ user_config = self._build_opt_list(self.args.options)
+
+ config = OmegaConf.load(self.args.cfg_path)
+
+ runner_config = self.build_runner_config(config)
+ model_config = self.build_model_config(config, **user_config)
+ dataset_config = self.build_dataset_config(config)
+
+ # Validate the user-provided runner configuration
+ # model and dataset configuration are supposed to be validated by the respective classes
+ # [TODO] validate the model/dataset configuration
+ # self._validate_runner_config(runner_config)
+
+ # Override the default configuration with user options.
+ self.config = OmegaConf.merge(
+ runner_config, model_config, dataset_config, user_config
+ )
+
+ def _validate_runner_config(self, runner_config):
+ """
+ This method validates the configuration, such that
+ 1) all the user specified options are valid;
+ 2) no type mismatches between the user specified options and the config.
+ """
+ runner_config_validator = create_runner_config_validator()
+ runner_config_validator.validate(runner_config)
+
+ def _build_opt_list(self, opts):
+ opts_dot_list = self._convert_to_dot_list(opts)
+ return OmegaConf.from_dotlist(opts_dot_list)
+
+ @staticmethod
+ def build_model_config(config, **kwargs):
+ model = config.get("model", None)
+ assert model is not None, "Missing model configuration file."
+
+ model_cls = registry.get_model_class(model.arch)
+ assert model_cls is not None, f"Model '{model.arch}' has not been registered."
+
+ model_type = kwargs.get("model.model_type", None)
+ if not model_type:
+ model_type = model.get("model_type", None)
+ # else use the model type selected by user.
+
+ assert model_type is not None, "Missing model_type."
+
+ model_config_path = model_cls.default_config_path(model_type=model_type)
+
+ model_config = OmegaConf.create()
+ # hierarchy override, customized config > default config
+ model_config = OmegaConf.merge(
+ model_config,
+ OmegaConf.load(model_config_path),
+ {"model": config["model"]},
+ )
+
+ return model_config
+
+ @staticmethod
+ def build_runner_config(config):
+ return {"run": config.run}
+
+ @staticmethod
+ def build_dataset_config(config):
+ datasets = config.get("datasets", None)
+ if datasets is None:
+ raise KeyError(
+ "Expecting 'datasets' as the root key for dataset configuration."
+ )
+
+ dataset_config = OmegaConf.create()
+
+ for dataset_name in datasets:
+ builder_cls = registry.get_builder_class(dataset_name)
+
+ dataset_config_type = datasets[dataset_name].get("type", "default")
+ dataset_config_path = builder_cls.default_config_path(
+ type=dataset_config_type
+ )
+
+ # hierarchy override, customized config > default config
+ dataset_config = OmegaConf.merge(
+ dataset_config,
+ OmegaConf.load(dataset_config_path),
+ {"datasets": {dataset_name: config["datasets"][dataset_name]}},
+ )
+
+ return dataset_config
+
+ def _convert_to_dot_list(self, opts):
+ if opts is None:
+ opts = []
+
+ if len(opts) == 0:
+ return opts
+
+ has_equal = opts[0].find("=") != -1
+
+ if has_equal:
+ return opts
+
+ return [(opt + "=" + value) for opt, value in zip(opts[0::2], opts[1::2])]
+
+ def get_config(self):
+ return self.config
+
+ @property
+ def run_cfg(self):
+ return self.config.run
+
+ @property
+ def datasets_cfg(self):
+ return self.config.datasets
+
+ @property
+ def model_cfg(self):
+ return self.config.model
+
+ def pretty_print(self):
+ logging.info("\n===== Running Parameters =====")
+ logging.info(self._convert_node_to_json(self.config.run))
+
+ logging.info("\n====== Dataset Attributes ======")
+ datasets = self.config.datasets
+
+ for dataset in datasets:
+ if dataset in self.config.datasets:
+ logging.info(f"\n======== {dataset} =======")
+ dataset_config = self.config.datasets[dataset]
+ logging.info(self._convert_node_to_json(dataset_config))
+ else:
+ logging.warning(f"No dataset named '{dataset}' in config. Skipping")
+
+ logging.info(f"\n====== Model Attributes ======")
+ logging.info(self._convert_node_to_json(self.config.model))
+
+ def _convert_node_to_json(self, node):
+ container = OmegaConf.to_container(node, resolve=True)
+ return json.dumps(container, indent=4, sort_keys=True)
+
+ def to_dict(self):
+ return OmegaConf.to_container(self.config)
+
+
+def node_to_dict(node):
+ return OmegaConf.to_container(node)
+
+
+class ConfigValidator:
+ """
+ This is a preliminary implementation to centralize and validate the configuration.
+ May be altered in the future.
+
+ A helper class to validate configurations from yaml file.
+
+ This serves the following purposes:
+ 1. Ensure all the options in the yaml are defined, raise error if not.
+ 2. when type mismatches are found, the validator will raise an error.
+ 3. a central place to store and display helpful messages for supported configurations.
+
+ """
+
+ class _Argument:
+ def __init__(self, name, choices=None, type=None, help=None):
+ self.name = name
+ self.val = None
+ self.choices = choices
+ self.type = type
+ self.help = help
+
+ def __str__(self):
+ s = f"{self.name}={self.val}"
+ if self.type is not None:
+ s += f", ({self.type})"
+ if self.choices is not None:
+ s += f", choices: {self.choices}"
+ if self.help is not None:
+ s += f", ({self.help})"
+ return s
+
+ def __init__(self, description):
+ self.description = description
+
+ self.arguments = dict()
+
+ self.parsed_args = None
+
+ def __getitem__(self, key):
+ assert self.parsed_args is not None, "No arguments parsed yet."
+
+ return self.parsed_args[key]
+
+ def __str__(self) -> str:
+ return self.format_help()
+
+ def add_argument(self, *args, **kwargs):
+ """
+ Assume the first argument is the name of the argument.
+ """
+ self.arguments[args[0]] = self._Argument(*args, **kwargs)
+
+ def validate(self, config=None):
+ """
+ Convert yaml config (dict-like) to list, required by argparse.
+ """
+ for k, v in config.items():
+ assert (
+ k in self.arguments
+ ), f"""{k} is not a valid argument. Support arguments are {self.format_arguments()}."""
+
+ if self.arguments[k].type is not None:
+ try:
+ self.arguments[k].val = self.arguments[k].type(v)
+ except ValueError:
+ raise ValueError(f"{k} is not a valid {self.arguments[k].type}.")
+
+ if self.arguments[k].choices is not None:
+ assert (
+ v in self.arguments[k].choices
+ ), f"""{k} must be one of {self.arguments[k].choices}."""
+
+ return config
+
+ def format_arguments(self):
+ return str([f"{k}" for k in sorted(self.arguments.keys())])
+
+ def format_help(self):
+ # description + key-value pair string for each argument
+ help_msg = str(self.description)
+ return help_msg + ", available arguments: " + self.format_arguments()
+
+ def print_help(self):
+ # display help message
+ print(self.format_help())
+
+
+def create_runner_config_validator():
+ validator = ConfigValidator(description="Runner configurations")
+
+ validator.add_argument(
+ "runner",
+ type=str,
+ choices=["runner_base", "runner_iter"],
+ help="""Runner to use. The "runner_base" uses epoch-based training while iter-based
+ runner runs based on iters. Default: runner_base""",
+ )
+ # add argumetns for training dataset ratios
+ validator.add_argument(
+ "train_dataset_ratios",
+ type=Dict[str, float],
+ help="""Ratios of training dataset. This is used in iteration-based runner.
+ Do not support for epoch-based runner because how to define an epoch becomes tricky.
+ Default: None""",
+ )
+ validator.add_argument(
+ "max_iters",
+ type=float,
+ help="Maximum number of iterations to run.",
+ )
+ validator.add_argument(
+ "max_epoch",
+ type=int,
+ help="Maximum number of epochs to run.",
+ )
+ # add arguments for iters_per_inner_epoch
+ validator.add_argument(
+ "iters_per_inner_epoch",
+ type=float,
+ help="Number of iterations per inner epoch. This is required when runner is runner_iter.",
+ )
+ lr_scheds_choices = registry.list_lr_schedulers()
+ validator.add_argument(
+ "lr_sched",
+ type=str,
+ choices=lr_scheds_choices,
+ help="Learning rate scheduler to use, from {}".format(lr_scheds_choices),
+ )
+ task_choices = registry.list_tasks()
+ validator.add_argument(
+ "task",
+ type=str,
+ choices=task_choices,
+ help="Task to use, from {}".format(task_choices),
+ )
+ # add arguments for init_lr
+ validator.add_argument(
+ "init_lr",
+ type=float,
+ help="Initial learning rate. This will be the learning rate after warmup and before decay.",
+ )
+ # add arguments for min_lr
+ validator.add_argument(
+ "min_lr",
+ type=float,
+ help="Minimum learning rate (after decay).",
+ )
+ # add arguments for warmup_lr
+ validator.add_argument(
+ "warmup_lr",
+ type=float,
+ help="Starting learning rate for warmup.",
+ )
+ # add arguments for learning rate decay rate
+ validator.add_argument(
+ "lr_decay_rate",
+ type=float,
+ help="Learning rate decay rate. Required if using a decaying learning rate scheduler.",
+ )
+ # add arguments for weight decay
+ validator.add_argument(
+ "weight_decay",
+ type=float,
+ help="Weight decay rate.",
+ )
+ # add arguments for training batch size
+ validator.add_argument(
+ "batch_size_train",
+ type=int,
+ help="Training batch size.",
+ )
+ # add arguments for evaluation batch size
+ validator.add_argument(
+ "batch_size_eval",
+ type=int,
+ help="Evaluation batch size, including validation and testing.",
+ )
+ # add arguments for number of workers for data loading
+ validator.add_argument(
+ "num_workers",
+ help="Number of workers for data loading.",
+ )
+ # add arguments for warm up steps
+ validator.add_argument(
+ "warmup_steps",
+ type=int,
+ help="Number of warmup steps. Required if a warmup schedule is used.",
+ )
+ # add arguments for random seed
+ validator.add_argument(
+ "seed",
+ type=int,
+ help="Random seed.",
+ )
+ # add arguments for output directory
+ validator.add_argument(
+ "output_dir",
+ type=str,
+ help="Output directory to save checkpoints and logs.",
+ )
+ # add arguments for whether only use evaluation
+ validator.add_argument(
+ "evaluate",
+ help="Whether to only evaluate the model. If true, training will not be performed.",
+ )
+ # add arguments for splits used for training, e.g. ["train", "val"]
+ validator.add_argument(
+ "train_splits",
+ type=list,
+ help="Splits to use for training.",
+ )
+ # add arguments for splits used for validation, e.g. ["val"]
+ validator.add_argument(
+ "valid_splits",
+ type=list,
+ help="Splits to use for validation. If not provided, will skip the validation.",
+ )
+ # add arguments for splits used for testing, e.g. ["test"]
+ validator.add_argument(
+ "test_splits",
+ type=list,
+ help="Splits to use for testing. If not provided, will skip the testing.",
+ )
+ # add arguments for accumulating gradient for iterations
+ validator.add_argument(
+ "accum_grad_iters",
+ type=int,
+ help="Number of iterations to accumulate gradient for.",
+ )
+
+ # ====== distributed training ======
+ validator.add_argument(
+ "device",
+ type=str,
+ choices=["cpu", "cuda"],
+ help="Device to use. Support 'cuda' or 'cpu' as for now.",
+ )
+ validator.add_argument(
+ "world_size",
+ type=int,
+ help="Number of processes participating in the job.",
+ )
+ validator.add_argument("dist_url", type=str)
+ validator.add_argument("distributed", type=bool)
+ # add arguments to opt using distributed sampler during evaluation or not
+ validator.add_argument(
+ "use_dist_eval_sampler",
+ type=bool,
+ help="Whether to use distributed sampler during evaluation or not.",
+ )
+
+ # ====== task specific ======
+ # generation task specific arguments
+ # add arguments for maximal length of text output
+ validator.add_argument(
+ "max_len",
+ type=int,
+ help="Maximal length of text output.",
+ )
+ # add arguments for minimal length of text output
+ validator.add_argument(
+ "min_len",
+ type=int,
+ help="Minimal length of text output.",
+ )
+ # add arguments number of beams
+ validator.add_argument(
+ "num_beams",
+ type=int,
+ help="Number of beams used for beam search.",
+ )
+
+ # vqa task specific arguments
+ # add arguments for number of answer candidates
+ validator.add_argument(
+ "num_ans_candidates",
+ type=int,
+ help="""For ALBEF and BLIP, these models first rank answers according to likelihood to select answer candidates.""",
+ )
+ # add arguments for inference method
+ validator.add_argument(
+ "inference_method",
+ type=str,
+ choices=["genearte", "rank"],
+ help="""Inference method to use for question answering. If rank, requires a answer list.""",
+ )
+
+ # ====== model specific ======
+ validator.add_argument(
+ "k_test",
+ type=int,
+ help="Number of top k most similar samples from ITC/VTC selection to be tested.",
+ )
+
+ return validator
diff --git a/minigpt4/configs/models/minigpt4.yaml b/minigpt4/configs/models/minigpt4.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..0691dc6ab3e8021558dd3175b9cd32bd8357a9e0
--- /dev/null
+++ b/minigpt4/configs/models/minigpt4.yaml
@@ -0,0 +1,36 @@
+model:
+ arch: mini_gpt4
+
+ # vit encoder
+ image_size: 224
+ drop_path_rate: 0
+ use_grad_checkpoint: False
+ vit_precision: "fp16"
+ freeze_vit: True
+ freeze_qformer: True
+
+ # Q-Former
+ num_query_token: 32
+
+ # Vicuna
+ # llama_model: "/home/ubuntu/ckpt/hf/Llama-2-7b-chat-hf"
+ # llama_model: "/home/ubuntu/ckpt/hf/vicuna-7b-v1.5" # "/home/ubuntu/ckpt/hf/vicuna-13b-delta-v0"
+ llama_model: "/home/ubuntu/ckpt/Meta-Llama-3-8B-Instruct-hf"
+
+
+ # generation configs
+ prompt: ""
+
+preprocess:
+ vis_processor:
+ train:
+ name: "blip2_image_train"
+ image_size: 224
+ eval:
+ name: "blip2_image_eval"
+ image_size: 224
+ text_processor:
+ train:
+ name: "blip_caption"
+ eval:
+ name: "blip_caption"
diff --git a/minigpt4/conversation/__init__.py b/minigpt4/conversation/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/minigpt4/conversation/__pycache__/__init__.cpython-310.pyc b/minigpt4/conversation/__pycache__/__init__.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..a078186994ecf3bfab7341cf5607d43a9730f3d7
Binary files /dev/null and b/minigpt4/conversation/__pycache__/__init__.cpython-310.pyc differ
diff --git a/minigpt4/conversation/__pycache__/conversation_esm.cpython-310.pyc b/minigpt4/conversation/__pycache__/conversation_esm.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..14dc1432aa9e7106d7baac96e9c4064d842cbe14
Binary files /dev/null and b/minigpt4/conversation/__pycache__/conversation_esm.cpython-310.pyc differ
diff --git a/minigpt4/conversation/conversation_esm.py b/minigpt4/conversation/conversation_esm.py
new file mode 100644
index 0000000000000000000000000000000000000000..3b8e927238b8e10f6e58a9aae4e2c50b64e43147
--- /dev/null
+++ b/minigpt4/conversation/conversation_esm.py
@@ -0,0 +1,204 @@
+import argparse
+import time
+from PIL import Image
+
+import torch
+from transformers import AutoTokenizer, AutoModelForCausalLM, LlamaTokenizer
+from transformers import StoppingCriteria, StoppingCriteriaList
+
+import dataclasses
+from enum import auto, Enum
+from typing import List, Tuple, Any
+from einops import rearrange, reduce, repeat
+from minigpt4.common.registry import registry
+
+
+class SeparatorStyle(Enum):
+ """Different separator style."""
+ SINGLE = auto()
+ TWO = auto()
+
+
+@dataclasses.dataclass
+class Conversation:
+ """A class that keeps all conversation history."""
+ system: str
+ roles: List[str]
+ messages: List[List[str]]
+ offset: int
+ # system_img: List[Image.Image] = []
+ sep_style: SeparatorStyle = SeparatorStyle.SINGLE
+ sep: str = "###"
+ sep2: str = None
+
+ skip_next: bool = False
+ conv_id: Any = None
+
+ def get_prompt(self):
+ if self.sep_style == SeparatorStyle.SINGLE:
+ ret = self.system + self.sep
+ for role, message in self.messages:
+ if message:
+ ret += role + ": " + message + self.sep
+ else:
+ ret += role + ":"
+ return ret
+ elif self.sep_style == SeparatorStyle.TWO:
+ seps = [self.sep, self.sep2]
+ ret = self.system + seps[0]
+ for i, (role, message) in enumerate(self.messages):
+ if message:
+ ret += role + ": " + message + seps[i % 2]
+ else:
+ ret += role + ":"
+ return ret
+ else:
+ raise ValueError(f"Invalid style: {self.sep_style}")
+
+ def append_message(self, role, message):
+ self.messages.append([role, message])
+
+ def to_gradio_chatbot(self):
+ ret = []
+ for i, (role, msg) in enumerate(self.messages[self.offset:]):
+ if i % 2 == 0:
+ ret.append([msg, None])
+ else:
+ ret[-1][-1] = msg
+ return ret
+
+ def copy(self):
+ return Conversation(
+ system=self.system,
+ # system_img=self.system_img,
+ roles=self.roles,
+ messages=[[x, y] for x, y in self.messages],
+ offset=self.offset,
+ sep_style=self.sep_style,
+ sep=self.sep,
+ sep2=self.sep2,
+ conv_id=self.conv_id)
+
+ def dict(self):
+ return {
+ "system": self.system,
+ # "system_img": self.system_img,
+ "roles": self.roles,
+ "messages": self.messages,
+ "offset": self.offset,
+ "sep": self.sep,
+ "sep2": self.sep2,
+ "conv_id": self.conv_id,
+ }
+
+
+class StoppingCriteriaSub(StoppingCriteria):
+
+ def __init__(self, stops=[], encounters=1):
+ super().__init__()
+ self.stops = stops
+
+ def __call__(self, input_ids: torch.LongTensor, scores: torch.FloatTensor):
+ for stop in self.stops:
+ if torch.all((stop == input_ids[0][-len(stop):])).item():
+ return True
+
+ return False
+
+
+CONV_VISION = Conversation(
+ system="Give the following protein: proteinContent. "
+ "Please answer my questions.",
+ roles=("Human", "Assistant"),
+ messages=[],
+ offset=2,
+ sep_style=SeparatorStyle.SINGLE,
+ sep="###",
+)
+
+
+
+class Chat:
+ def __init__(self, model, vis_processor, device='cuda:0'):
+ self.device = device
+ self.model = model
+ self.vis_processor = vis_processor
+ stop_words_ids = [torch.tensor([835]).to(self.device),
+ torch.tensor([2277, 29937]).to(self.device)] # '###' can be encoded in two different ways.
+ self.stopping_criteria = StoppingCriteriaList([StoppingCriteriaSub(stops=stop_words_ids)])
+
+ def ask(self, text, conv):
+ if len(conv.messages) > 0 and conv.messages[-1][0] == conv.roles[0] \
+ and conv.messages[-1][1][-6:] == '': # last message is image.
+ conv.messages[-1][1] = ' '.join([conv.messages[-1][1], text])
+ else:
+ conv.append_message(conv.roles[0], text)
+
+ def answer(self, conv, img_list, max_new_tokens=300, num_beams=1, min_length=1, top_p=0.9,
+ repetition_penalty=1.0, length_penalty=1, temperature=1.0, max_length=2000):
+ conv.append_message(conv.roles[1], None)
+ embs = self.get_context_emb(conv, img_list)
+
+ current_max_len = embs.shape[1] + max_new_tokens
+ if current_max_len - max_length > 0:
+ print('Warning: The number of tokens in current conversation exceeds the max length. '
+ 'The model will not see the contexts outside the range.')
+ begin_idx = max(0, current_max_len - max_length)
+
+ embs = embs[:, begin_idx:]
+
+ outputs = self.model.llama_model.generate(
+ inputs_embeds=embs,
+ max_new_tokens=max_new_tokens,
+ stopping_criteria=self.stopping_criteria,
+ num_beams=num_beams,
+ do_sample=False,
+ min_length=min_length,
+ top_p=top_p,
+ repetition_penalty=repetition_penalty,
+ length_penalty=length_penalty,
+ temperature=temperature,
+ )
+ output_token = outputs[0]
+ if output_token[0] == 0: # the model might output a unknow token at the beginning. remove it
+ output_token = output_token[1:]
+ if output_token[0] == 1: # some users find that there is a start token at the beginning. remove it
+ output_token = output_token[1:]
+
+ #print(output_token)
+ output_text = self.model.llama_tokenizer.decode(output_token, add_special_tokens=False)
+ output_text = output_text.split('###')[0] # remove the stop sign '###'
+ output_text = output_text.split('Assistant:')[-1].strip()
+ conv.messages[-1][1] = output_text
+ return output_text, output_token.cpu().numpy()
+
+ def upload_protein(self, pdb, seq, conv, protein_list):
+ pdb_emb, _ = self.model.encode_protein_struct(pdb)
+ seq_emb, _ = self.model.encode_protein_seq(seq)
+ pdb_emb = rearrange(pdb_emb, 't b c -> b t c')
+ #print(pdb_emb.shape)
+ #print(seq_emb.shape)
+ protein_emb = torch.cat([pdb_emb, seq_emb], dim=1)
+ protein_list.append(protein_emb)
+ conv.append_message(conv.roles[0], "")
+ msg = "Received."
+ # self.conv.append_message(self.conv.roles[1], msg)
+ return msg
+
+ def get_context_emb(self, conv, img_list):
+ #print('IMG LENGTH', len(img_list))
+ prompt = conv.get_prompt()
+ prompt_segs = prompt.split('')
+ assert len(prompt_segs) == len(img_list) + 1, "Unmatched numbers of protein placeholders and proteins."
+ seg_tokens = [
+ self.model.llama_tokenizer(
+ seg, return_tensors="pt", add_special_tokens=i == 0).to(self.device).input_ids
+ # only add bos to the first seg
+ for i, seg in enumerate(prompt_segs)
+ ]
+ seg_embs = [self.model.llama_model.model.embed_tokens(seg_t) for seg_t in seg_tokens]
+ mixed_embs = [emb for pair in zip(seg_embs[:-1], img_list) for emb in pair] + [seg_embs[-1]]
+ #for emb in mixed_embs:
+ # print(emb.shape)
+ mixed_embs = torch.cat(mixed_embs, dim=1)
+ return mixed_embs
diff --git a/minigpt4/datasets/__init__.py b/minigpt4/datasets/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/minigpt4/datasets/__pycache__/__init__.cpython-310.pyc b/minigpt4/datasets/__pycache__/__init__.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..d4bb79c22a0783d68c270ab11a70b5ddcf3667d5
Binary files /dev/null and b/minigpt4/datasets/__pycache__/__init__.cpython-310.pyc differ
diff --git a/minigpt4/datasets/__pycache__/data_utils.cpython-310.pyc b/minigpt4/datasets/__pycache__/data_utils.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..f1dd89b191e5f139740c96e918e19b700df44aeb
Binary files /dev/null and b/minigpt4/datasets/__pycache__/data_utils.cpython-310.pyc differ
diff --git a/minigpt4/datasets/builders/__init__.py b/minigpt4/datasets/builders/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..6d0964063f145c6b119c78460aed69bcc4dfa4c1
--- /dev/null
+++ b/minigpt4/datasets/builders/__init__.py
@@ -0,0 +1,72 @@
+"""
+ Copyright (c) 2022, salesforce.com, inc.
+ All rights reserved.
+ SPDX-License-Identifier: BSD-3-Clause
+ For full license text, see the LICENSE_Lavis file in the repo root or https://opensource.org/licenses/BSD-3-Clause
+"""
+
+from minigpt4.datasets.builders.base_dataset_builder import load_dataset_config
+from minigpt4.datasets.builders.image_text_pair_builder import (
+ CCSBUBuilder,
+ LaionBuilder,
+ CCSBUAlignBuilder
+)
+from minigpt4.common.registry import registry
+
+__all__ = [
+ "CCSBUBuilder",
+ "LaionBuilder",
+ "CCSBUAlignBuilder"
+]
+
+
+def load_dataset(name, cfg_path=None, vis_path=None, data_type=None):
+ """
+ Example
+
+ >>> dataset = load_dataset("coco_caption", cfg=None)
+ >>> splits = dataset.keys()
+ >>> print([len(dataset[split]) for split in splits])
+
+ """
+ if cfg_path is None:
+ cfg = None
+ else:
+ cfg = load_dataset_config(cfg_path)
+
+ try:
+ builder = registry.get_builder_class(name)(cfg)
+ except TypeError:
+ print(
+ f"Dataset {name} not found. Available datasets:\n"
+ + ", ".join([str(k) for k in dataset_zoo.get_names()])
+ )
+ exit(1)
+
+ if vis_path is not None:
+ if data_type is None:
+ # use default data type in the config
+ data_type = builder.config.data_type
+
+ assert (
+ data_type in builder.config.build_info
+ ), f"Invalid data_type {data_type} for {name}."
+
+ builder.config.build_info.get(data_type).storage = vis_path
+
+ dataset = builder.build_datasets()
+ return dataset
+
+
+class DatasetZoo:
+ def __init__(self) -> None:
+ self.dataset_zoo = {
+ k: list(v.DATASET_CONFIG_DICT.keys())
+ for k, v in sorted(registry.mapping["builder_name_mapping"].items())
+ }
+
+ def get_names(self):
+ return list(self.dataset_zoo.keys())
+
+
+dataset_zoo = DatasetZoo()
diff --git a/minigpt4/datasets/builders/__pycache__/__init__.cpython-310.pyc b/minigpt4/datasets/builders/__pycache__/__init__.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..0ee8a3088d81f2dab538b2e6e313c582db6b3f53
Binary files /dev/null and b/minigpt4/datasets/builders/__pycache__/__init__.cpython-310.pyc differ
diff --git a/minigpt4/datasets/builders/__pycache__/base_dataset_builder.cpython-310.pyc b/minigpt4/datasets/builders/__pycache__/base_dataset_builder.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..f028fbca0949ffaa7f68570ad36d8c1e3bfe4f61
Binary files /dev/null and b/minigpt4/datasets/builders/__pycache__/base_dataset_builder.cpython-310.pyc differ
diff --git a/minigpt4/datasets/builders/__pycache__/image_text_pair_builder.cpython-310.pyc b/minigpt4/datasets/builders/__pycache__/image_text_pair_builder.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..8540d5eb2f14cca3b624bf8160d70fc765f539f4
Binary files /dev/null and b/minigpt4/datasets/builders/__pycache__/image_text_pair_builder.cpython-310.pyc differ
diff --git a/minigpt4/datasets/builders/base_dataset_builder.py b/minigpt4/datasets/builders/base_dataset_builder.py
new file mode 100644
index 0000000000000000000000000000000000000000..4b607e3c0a8abaa6b1ccbc711e27ff3755f5ec11
--- /dev/null
+++ b/minigpt4/datasets/builders/base_dataset_builder.py
@@ -0,0 +1,236 @@
+"""
+ This file is from
+ Copyright (c) 2022, salesforce.com, inc.
+ All rights reserved.
+ SPDX-License-Identifier: BSD-3-Clause
+ For full license text, see the LICENSE_Lavis file in the repo root or https://opensource.org/licenses/BSD-3-Clause
+"""
+
+import logging
+import os
+import shutil
+import warnings
+
+from omegaconf import OmegaConf
+import torch.distributed as dist
+from torchvision.datasets.utils import download_url
+
+import minigpt4.common.utils as utils
+from minigpt4.common.dist_utils import is_dist_avail_and_initialized, is_main_process
+from minigpt4.common.registry import registry
+from minigpt4.processors.base_processor import BaseProcessor
+
+
+
+class BaseDatasetBuilder:
+ train_dataset_cls, eval_dataset_cls = None, None
+
+ def __init__(self, cfg=None):
+ super().__init__()
+
+ if cfg is None:
+ # help to create datasets from default config.
+ self.config = load_dataset_config(self.default_config_path())
+ elif isinstance(cfg, str):
+ self.config = load_dataset_config(cfg)
+ else:
+ # when called from task.build_dataset()
+ self.config = cfg
+
+ self.data_type = self.config.data_type
+
+ self.vis_processors = {"train": BaseProcessor(), "eval": BaseProcessor()}
+ self.text_processors = {"train": BaseProcessor(), "eval": BaseProcessor()}
+
+ def build_datasets(self):
+ # download, split, etc...
+ # only called on 1 GPU/TPU in distributed
+
+ if is_main_process():
+ self._download_data()
+
+ if is_dist_avail_and_initialized():
+ dist.barrier()
+
+ # at this point, all the annotations and image/videos should be all downloaded to the specified locations.
+ logging.info("Building datasets...")
+ datasets = self.build() # dataset['train'/'val'/'test']
+
+ return datasets
+
+ def build_processors(self):
+ vis_proc_cfg = self.config.get("vis_processor")
+ txt_proc_cfg = self.config.get("text_processor")
+
+ if vis_proc_cfg is not None:
+ vis_train_cfg = vis_proc_cfg.get("train")
+ vis_eval_cfg = vis_proc_cfg.get("eval")
+
+ self.vis_processors["train"] = self._build_proc_from_cfg(vis_train_cfg)
+ self.vis_processors["eval"] = self._build_proc_from_cfg(vis_eval_cfg)
+
+ if txt_proc_cfg is not None:
+ txt_train_cfg = txt_proc_cfg.get("train")
+ txt_eval_cfg = txt_proc_cfg.get("eval")
+
+ self.text_processors["train"] = self._build_proc_from_cfg(txt_train_cfg)
+ self.text_processors["eval"] = self._build_proc_from_cfg(txt_eval_cfg)
+
+ @staticmethod
+ def _build_proc_from_cfg(cfg):
+ return (
+ registry.get_processor_class(cfg.name).from_config(cfg)
+ if cfg is not None
+ else None
+ )
+
+ @classmethod
+ def default_config_path(cls, type="default"):
+ return utils.get_abs_path(cls.DATASET_CONFIG_DICT[type])
+
+ def _download_data(self):
+ self._download_ann()
+ self._download_vis()
+
+ def _download_ann(self):
+ """
+ Download annotation files if necessary.
+ All the vision-language datasets should have annotations of unified format.
+
+ storage_path can be:
+ (1) relative/absolute: will be prefixed with env.cache_root to make full path if relative.
+ (2) basename/dirname: will be suffixed with base name of URL if dirname is provided.
+
+ Local annotation paths should be relative.
+ """
+ anns = self.config.build_info.annotations
+
+ splits = anns.keys()
+
+ cache_root = registry.get_path("cache_root")
+
+ for split in splits:
+ info = anns[split]
+
+ urls, storage_paths = info.get("url", None), info.storage
+
+ if isinstance(urls, str):
+ urls = [urls]
+ if isinstance(storage_paths, str):
+ storage_paths = [storage_paths]
+
+ assert len(urls) == len(storage_paths)
+
+ for url_or_filename, storage_path in zip(urls, storage_paths):
+ # if storage_path is relative, make it full by prefixing with cache_root.
+ if not os.path.isabs(storage_path):
+ storage_path = os.path.join(cache_root, storage_path)
+
+ dirname = os.path.dirname(storage_path)
+ if not os.path.exists(dirname):
+ os.makedirs(dirname)
+
+ if os.path.isfile(url_or_filename):
+ src, dst = url_or_filename, storage_path
+ if not os.path.exists(dst):
+ shutil.copyfile(src=src, dst=dst)
+ else:
+ logging.info("Using existing file {}.".format(dst))
+ else:
+ if os.path.isdir(storage_path):
+ # if only dirname is provided, suffix with basename of URL.
+ raise ValueError(
+ "Expecting storage_path to be a file path, got directory {}".format(
+ storage_path
+ )
+ )
+ else:
+ filename = os.path.basename(storage_path)
+
+ download_url(url=url_or_filename, root=dirname, filename=filename)
+
+ def _download_vis(self):
+
+ storage_path = self.config.build_info.get(self.data_type).storage
+ storage_path = utils.get_cache_path(storage_path)
+
+ if not os.path.exists(storage_path):
+ warnings.warn(
+ f"""
+ The specified path {storage_path} for visual inputs does not exist.
+ Please provide a correct path to the visual inputs or
+ refer to datasets/download_scripts/README.md for downloading instructions.
+ """
+ )
+
+ def build(self):
+ """
+ Create by split datasets inheriting torch.utils.data.Datasets.
+
+ # build() can be dataset-specific. Overwrite to customize.
+ """
+ self.build_processors()
+
+ build_info = self.config.build_info
+
+ ann_info = build_info.annotations
+ vis_info = build_info.get(self.data_type)
+
+ datasets = dict()
+ for split in ann_info.keys():
+ if split not in ["train", "val", "test"]:
+ continue
+
+ is_train = split == "train"
+
+ # processors
+ vis_processor = (
+ self.vis_processors["train"]
+ if is_train
+ else self.vis_processors["eval"]
+ )
+ text_processor = (
+ self.text_processors["train"]
+ if is_train
+ else self.text_processors["eval"]
+ )
+
+ # annotation path
+ ann_paths = ann_info.get(split).storage
+ if isinstance(ann_paths, str):
+ ann_paths = [ann_paths]
+
+ abs_ann_paths = []
+ for ann_path in ann_paths:
+ if not os.path.isabs(ann_path):
+ ann_path = utils.get_cache_path(ann_path)
+ abs_ann_paths.append(ann_path)
+ ann_paths = abs_ann_paths
+
+ # visual data storage path
+ vis_path = os.path.join(vis_info.storage, split)
+
+ if not os.path.isabs(vis_path):
+ # vis_path = os.path.join(utils.get_cache_path(), vis_path)
+ vis_path = utils.get_cache_path(vis_path)
+
+ if not os.path.exists(vis_path):
+ warnings.warn("storage path {} does not exist.".format(vis_path))
+
+ # create datasets
+ dataset_cls = self.train_dataset_cls if is_train else self.eval_dataset_cls
+ datasets[split] = dataset_cls(
+ vis_processor=vis_processor,
+ text_processor=text_processor,
+ ann_paths=ann_paths,
+ vis_root=vis_path,
+ )
+
+ return datasets
+
+
+def load_dataset_config(cfg_path):
+ cfg = OmegaConf.load(cfg_path).datasets
+ cfg = cfg[list(cfg.keys())[0]]
+
+ return cfg
diff --git a/minigpt4/datasets/builders/image_text_pair_builder.py b/minigpt4/datasets/builders/image_text_pair_builder.py
new file mode 100644
index 0000000000000000000000000000000000000000..0c02e0c0b074e3869458c2eec97d86eccc5129b4
--- /dev/null
+++ b/minigpt4/datasets/builders/image_text_pair_builder.py
@@ -0,0 +1,137 @@
+import os
+import logging
+import warnings
+
+from minigpt4.common.registry import registry
+from minigpt4.datasets.builders.base_dataset_builder import BaseDatasetBuilder
+from minigpt4.datasets.datasets.laion_dataset import LaionDataset
+from minigpt4.datasets.datasets.cc_sbu_dataset import CCSBUDataset, CCSBUAlignDataset
+
+
+@registry.register_builder("cc_sbu")
+class CCSBUBuilder(BaseDatasetBuilder):
+ train_dataset_cls = CCSBUDataset
+
+ DATASET_CONFIG_DICT = {"default": "configs/datasets/cc_sbu/defaults.yaml"}
+
+ def _download_ann(self):
+ pass
+
+ def _download_vis(self):
+ pass
+
+ def build(self):
+ self.build_processors()
+
+ build_info = self.config.build_info
+
+ datasets = dict()
+ split = "train"
+
+ # create datasets
+ # [NOTE] return inner_datasets (wds.DataPipeline)
+ dataset_cls = self.train_dataset_cls
+ datasets[split] = dataset_cls(
+ vis_processor=self.vis_processors[split],
+ text_processor=self.text_processors[split],
+ location=build_info.storage,
+ ).inner_dataset
+
+ return datasets
+
+
+@registry.register_builder("laion")
+class LaionBuilder(BaseDatasetBuilder):
+ train_dataset_cls = LaionDataset
+
+ DATASET_CONFIG_DICT = {"default": "configs/datasets/laion/defaults.yaml"}
+
+ def _download_ann(self):
+ pass
+
+ def _download_vis(self):
+ pass
+
+ def build(self):
+ self.build_processors()
+
+ build_info = self.config.build_info
+
+ datasets = dict()
+ split = "train"
+
+ # create datasets
+ # [NOTE] return inner_datasets (wds.DataPipeline)
+ dataset_cls = self.train_dataset_cls
+ datasets[split] = dataset_cls(
+ vis_processor=self.vis_processors[split],
+ text_processor=self.text_processors[split],
+ location=build_info.storage,
+ ).inner_dataset
+
+ return datasets
+
+
+@registry.register_builder("cc_sbu_align")
+class CCSBUAlignBuilder(BaseDatasetBuilder):
+ train_dataset_cls = CCSBUAlignDataset
+
+ DATASET_CONFIG_DICT = {
+ "default": "configs/datasets/cc_sbu/align.yaml",
+ }
+
+ def build_datasets(self):
+ # at this point, all the annotations and image/videos should be all downloaded to the specified locations.
+ logging.info("Building datasets...")
+ self.build_processors()
+
+ build_info = self.config.build_info
+ storage_path = build_info.storage
+
+ datasets = dict()
+
+ if not os.path.exists(storage_path):
+ warnings.warn("storage path {} does not exist.".format(storage_path))
+
+ # create datasets
+ dataset_cls = self.train_dataset_cls
+ datasets['train'] = dataset_cls(
+ vis_processor=self.vis_processors["train"],
+ text_processor=self.text_processors["train"],
+ ann_paths=[os.path.join(storage_path, 'filter_cap.json')],
+ vis_root=os.path.join(storage_path, 'image'),
+ )
+
+ return datasets
+
+@registry.register_builder("esm-if1")
+class CCSBUAlignBuilder(BaseDatasetBuilder):
+ train_dataset_cls = CCSBUAlignDataset
+
+ DATASET_CONFIG_DICT = {
+ "default": "configs/datasets/cc_sbu/align.yaml",
+ }
+
+ def build_datasets(self):
+ # at this point, all the annotations and image/videos should be all downloaded to the specified locations.
+ logging.info("Building datasets...")
+ self.build_processors()
+
+ build_info = self.config.build_info
+ storage_path = build_info.storage
+
+ datasets = dict()
+
+ if not os.path.exists(storage_path):
+ warnings.warn("storage path {} does not exist.".format(storage_path))
+
+ # create datasets
+ dataset_cls = self.train_dataset_cls
+ datasets['train'] = dataset_cls(
+ vis_processor=self.vis_processors["train"],
+ text_processor=self.text_processors["train"],
+ ann_paths=[os.path.join(storage_path, 'filter_cap.json')],
+ vis_root=os.path.join(storage_path, 'image'),
+ )
+
+ return datasets
diff --git a/minigpt4/datasets/builders/pdb_base_dataset_builder.py b/minigpt4/datasets/builders/pdb_base_dataset_builder.py
new file mode 100644
index 0000000000000000000000000000000000000000..608bca631e99211b6f6b51974da386e8c99f8b20
--- /dev/null
+++ b/minigpt4/datasets/builders/pdb_base_dataset_builder.py
@@ -0,0 +1,221 @@
+"""
+ This file is from
+ Copyright (c) 2022, salesforce.com, inc.
+ All rights reserved.
+ SPDX-License-Identifier: BSD-3-Clause
+ For full license text, see the LICENSE_Lavis file in the repo root or https://opensource.org/licenses/BSD-3-Clause
+"""
+
+import logging
+import os
+import shutil
+import warnings
+
+from omegaconf import OmegaConf
+import torch.distributed as dist
+from torchvision.datasets.utils import download_url
+
+import minigpt4.common.utils as utils
+from minigpt4.common.dist_utils import is_dist_avail_and_initialized, is_main_process
+from minigpt4.common.registry import registry
+from minigpt4.processors.base_processor import BaseProcessor
+
+
+
+class PDB_BaseDatasetBuilder:
+ train_dataset_cls, eval_dataset_cls = None, None
+
+ def __init__(self, cfg=None):
+ super().__init__()
+
+ if cfg is None:
+ # help to create datasets from default config.
+ self.config = load_dataset_config(self.default_config_path())
+ elif isinstance(cfg, str):
+ self.config = load_dataset_config(cfg)
+ else:
+ # when called from task.build_dataset()
+ self.config = cfg
+
+ self.data_type = self.config.data_type
+
+ self.text_processors = {"train": BaseProcessor(), "eval": BaseProcessor()}
+
+ def build_datasets(self):
+ # download, split, etc...
+ # only called on 1 GPU/TPU in distributed
+
+ if is_main_process():
+ self._download_data()
+
+ if is_dist_avail_and_initialized():
+ dist.barrier()
+
+ # at this point, all the annotations and image/videos should be all downloaded to the specified locations.
+ logging.info("Building datasets...")
+ datasets = self.build() # dataset['train'/'val'/'test']
+
+ return datasets
+
+ def build_processors(self):
+ txt_proc_cfg = self.config.get("text_processor")
+
+ if txt_proc_cfg is not None:
+ txt_train_cfg = txt_proc_cfg.get("train")
+ txt_eval_cfg = txt_proc_cfg.get("eval")
+
+ self.text_processors["train"] = self._build_proc_from_cfg(txt_train_cfg)
+ self.text_processors["eval"] = self._build_proc_from_cfg(txt_eval_cfg)
+
+ @staticmethod
+ def _build_proc_from_cfg(cfg):
+ return (
+ registry.get_processor_class(cfg.name).from_config(cfg)
+ if cfg is not None
+ else None
+ )
+
+ @classmethod
+ def default_config_path(cls, type="default"):
+ return utils.get_abs_path(cls.DATASET_CONFIG_DICT[type])
+
+ def _download_data(self):
+ self._download_ann()
+ self._download_vis()
+
+ def _download_ann(self):
+ """
+ Download annotation files if necessary.
+ All the vision-language datasets should have annotations of unified format.
+
+ storage_path can be:
+ (1) relative/absolute: will be prefixed with env.cache_root to make full path if relative.
+ (2) basename/dirname: will be suffixed with base name of URL if dirname is provided.
+
+ Local annotation paths should be relative.
+ """
+ anns = self.config.build_info.annotations
+
+ splits = anns.keys()
+
+ cache_root = registry.get_path("cache_root")
+
+ for split in splits:
+ info = anns[split]
+
+ urls, storage_paths = info.get("url", None), info.storage
+
+ if isinstance(urls, str):
+ urls = [urls]
+ if isinstance(storage_paths, str):
+ storage_paths = [storage_paths]
+
+ assert len(urls) == len(storage_paths)
+
+ for url_or_filename, storage_path in zip(urls, storage_paths):
+ # if storage_path is relative, make it full by prefixing with cache_root.
+ if not os.path.isabs(storage_path):
+ storage_path = os.path.join(cache_root, storage_path)
+
+ dirname = os.path.dirname(storage_path)
+ if not os.path.exists(dirname):
+ os.makedirs(dirname)
+
+ if os.path.isfile(url_or_filename):
+ src, dst = url_or_filename, storage_path
+ if not os.path.exists(dst):
+ shutil.copyfile(src=src, dst=dst)
+ else:
+ logging.info("Using existing file {}.".format(dst))
+ else:
+ if os.path.isdir(storage_path):
+ # if only dirname is provided, suffix with basename of URL.
+ raise ValueError(
+ "Expecting storage_path to be a file path, got directory {}".format(
+ storage_path
+ )
+ )
+ else:
+ filename = os.path.basename(storage_path)
+
+ download_url(url=url_or_filename, root=dirname, filename=filename)
+
+ def _download_vis(self):
+
+ storage_path = self.config.build_info.get(self.data_type).storage
+ storage_path = utils.get_cache_path(storage_path)
+
+ if not os.path.exists(storage_path):
+ warnings.warn(
+ f"""
+ The specified path {storage_path} for visual inputs does not exist.
+ Please provide a correct path to the visual inputs or
+ refer to datasets/download_scripts/README.md for downloading instructions.
+ """
+ )
+
+ def build(self):
+ """
+ Create by split datasets inheriting torch.utils.data.Datasets.
+
+ # build() can be dataset-specific. Overwrite to customize.
+ """
+ self.build_processors()
+
+ build_info = self.config.build_info
+
+ ann_info = build_info.annotations
+ vis_info = build_info.get(self.data_type)
+
+ datasets = dict()
+ for split in ann_info.keys():
+ if split not in ["train", "val", "test"]:
+ continue
+
+ is_train = split == "train"
+
+ # processors
+ text_processor = (
+ self.text_processors["train"]
+ if is_train
+ else self.text_processors["eval"]
+ )
+
+ # annotation path
+ ann_paths = ann_info.get(split).storage
+ if isinstance(ann_paths, str):
+ ann_paths = [ann_paths]
+
+ abs_ann_paths = []
+ for ann_path in ann_paths:
+ if not os.path.isabs(ann_path):
+ ann_path = utils.get_cache_path(ann_path)
+ abs_ann_paths.append(ann_path)
+ ann_paths = abs_ann_paths
+
+ # visual data storage path
+ vis_path = os.path.join(vis_info.storage, split)
+
+ if not os.path.isabs(vis_path):
+ # vis_path = os.path.join(utils.get_cache_path(), vis_path)
+ vis_path = utils.get_cache_path(vis_path)
+
+ if not os.path.exists(vis_path):
+ warnings.warn("storage path {} does not exist.".format(vis_path))
+
+ # create datasets
+ dataset_cls = self.train_dataset_cls if is_train else self.eval_dataset_cls
+ datasets[split] = dataset_cls(
+ text_processor=text_processor,
+ ann_paths=ann_paths,
+ vis_root=vis_path,
+ )
+
+ return datasets
+
+
+def load_dataset_config(cfg_path):
+ cfg = OmegaConf.load(cfg_path).datasets
+ cfg = cfg[list(cfg.keys())[0]]
+
+ return cfg
diff --git a/minigpt4/datasets/builders/pdb_text_pair_builder.py b/minigpt4/datasets/builders/pdb_text_pair_builder.py
new file mode 100644
index 0000000000000000000000000000000000000000..a098a33b2972064d6fc63642d71bf3a5f861f20e
--- /dev/null
+++ b/minigpt4/datasets/builders/pdb_text_pair_builder.py
@@ -0,0 +1,38 @@
+import os
+import logging
+import warnings
+
+from minigpt4.common.registry import registry
+from minigpt4.datasets.builders.pdb_base_dataset_builder import PDB_BaseDatasetBuilder
+from minigpt4.datasets.datasets.pdb_dataset import ESMDataset
+
+@registry.register_builder("pdb")
+class PDBBuilder(PDB_BaseDatasetBuilder):
+ train_dataset_cls = ESMDataset
+
+ DATASET_CONFIG_DICT = {
+ "default": "configs/datasets/pdb/pdb.yaml",
+ }
+
+ def build_datasets(self):
+ # at this point, all the annotations and image/videos should be all downloaded to the specified locations.
+ logging.info("Building datasets...")
+ self.build_processors()
+
+ build_info = self.config.build_info
+ storage_path = build_info.storage
+
+ datasets = dict()
+
+ if not os.path.exists(storage_path):
+ warnings.warn("storage path {} does not exist.".format(storage_path))
+
+ # create datasets
+ dataset_cls = self.train_dataset_cls
+ datasets['train'] = dataset_cls(
+ text_processor=self.text_processors["train"],
+ ann_paths=[os.path.join(storage_path, 'filter_cap.json')],
+ pdb_root=os.path.join(storage_path, 'pdb'),
+ )
+
+ return datasets
diff --git a/minigpt4/datasets/data_utils.py b/minigpt4/datasets/data_utils.py
new file mode 100644
index 0000000000000000000000000000000000000000..cf6497fd4389295d11b1c19f6927aba7ac658d1d
--- /dev/null
+++ b/minigpt4/datasets/data_utils.py
@@ -0,0 +1,196 @@
+"""
+ Copyright (c) 2022, salesforce.com, inc.
+ All rights reserved.
+ SPDX-License-Identifier: BSD-3-Clause
+ For full license text, see the LICENSE_Lavis file in the repo root or https://opensource.org/licenses/BSD-3-Clause
+"""
+
+import gzip
+import logging
+import os
+import random as rnd
+import tarfile
+import zipfile
+import random
+from typing import List
+from tqdm import tqdm
+
+import decord
+from decord import VideoReader
+import webdataset as wds
+import numpy as np
+import torch
+from torch.utils.data.dataset import IterableDataset
+
+from minigpt4.common.registry import registry
+from minigpt4.datasets.datasets.base_dataset import ConcatDataset
+
+
+decord.bridge.set_bridge("torch")
+MAX_INT = registry.get("MAX_INT")
+
+
+class ChainDataset(wds.DataPipeline):
+ r"""Dataset for chaining multiple :class:`DataPipeline` s.
+
+ This class is useful to assemble different existing dataset streams. The
+ chaining operation is done on-the-fly, so concatenating large-scale
+ datasets with this class will be efficient.
+
+ Args:
+ datasets (iterable of IterableDataset): datasets to be chained together
+ """
+ def __init__(self, datasets: List[wds.DataPipeline]) -> None:
+ super().__init__()
+ self.datasets = datasets
+ self.prob = []
+ self.names = []
+ for dataset in self.datasets:
+ if hasattr(dataset, 'name'):
+ self.names.append(dataset.name)
+ else:
+ self.names.append('Unknown')
+ if hasattr(dataset, 'sample_ratio'):
+ self.prob.append(dataset.sample_ratio)
+ else:
+ self.prob.append(1)
+ logging.info("One of the datapipeline doesn't define ratio and set to 1 automatically.")
+
+ def __iter__(self):
+ datastreams = [iter(dataset) for dataset in self.datasets]
+ while True:
+ select_datastream = random.choices(datastreams, weights=self.prob, k=1)[0]
+ yield next(select_datastream)
+
+
+def apply_to_sample(f, sample):
+ if len(sample) == 0:
+ return {}
+
+ def _apply(x):
+ if torch.is_tensor(x):
+ return f(x)
+ elif isinstance(x, dict):
+ return {key: _apply(value) for key, value in x.items()}
+ elif isinstance(x, list):
+ return [_apply(x) for x in x]
+ else:
+ return x
+
+ return _apply(sample)
+
+
+def move_to_cuda(sample):
+ def _move_to_cuda(tensor):
+ return tensor.cuda()
+
+ return apply_to_sample(_move_to_cuda, sample)
+
+
+def prepare_sample(samples, cuda_enabled=True):
+ if cuda_enabled:
+ samples = move_to_cuda(samples)
+
+ # TODO fp16 support
+
+ return samples
+
+
+def reorg_datasets_by_split(datasets):
+ """
+ Organizes datasets by split.
+
+ Args:
+ datasets: dict of torch.utils.data.Dataset objects by name.
+
+ Returns:
+ Dict of datasets by split {split_name: List[Datasets]}.
+ """
+ # if len(datasets) == 1:
+ # return datasets[list(datasets.keys())[0]]
+ # else:
+ reorg_datasets = dict()
+
+ # reorganize by split
+ for _, dataset in datasets.items():
+ for split_name, dataset_split in dataset.items():
+ if split_name not in reorg_datasets:
+ reorg_datasets[split_name] = [dataset_split]
+ else:
+ reorg_datasets[split_name].append(dataset_split)
+
+ return reorg_datasets
+
+
+def concat_datasets(datasets):
+ """
+ Concatenates multiple datasets into a single dataset.
+
+ It supports may-style datasets and DataPipeline from WebDataset. Currently, does not support
+ generic IterableDataset because it requires creating separate samplers.
+
+ Now only supports conctenating training datasets and assuming validation and testing
+ have only a single dataset. This is because metrics should not be computed on the concatenated
+ datasets.
+
+ Args:
+ datasets: dict of torch.utils.data.Dataset objects by split.
+
+ Returns:
+ Dict of concatenated datasets by split, "train" is the concatenation of multiple datasets,
+ "val" and "test" remain the same.
+
+ If the input training datasets contain both map-style and DataPipeline datasets, returns
+ a tuple, where the first element is a concatenated map-style dataset and the second
+ element is a chained DataPipeline dataset.
+
+ """
+ # concatenate datasets in the same split
+ for split_name in datasets:
+ if split_name != "train":
+ assert (
+ len(datasets[split_name]) == 1
+ ), "Do not support multiple {} datasets.".format(split_name)
+ datasets[split_name] = datasets[split_name][0]
+ else:
+ iterable_datasets, map_datasets = [], []
+ for dataset in datasets[split_name]:
+ if isinstance(dataset, wds.DataPipeline):
+ logging.info(
+ "Dataset {} is IterableDataset, can't be concatenated.".format(
+ dataset
+ )
+ )
+ iterable_datasets.append(dataset)
+ elif isinstance(dataset, IterableDataset):
+ raise NotImplementedError(
+ "Do not support concatenation of generic IterableDataset."
+ )
+ else:
+ map_datasets.append(dataset)
+
+ # if len(iterable_datasets) > 0:
+ # concatenate map-style datasets and iterable-style datasets separately
+ if len(iterable_datasets) > 1:
+ chained_datasets = (
+ ChainDataset(iterable_datasets)
+ )
+ elif len(iterable_datasets) == 1:
+ chained_datasets = iterable_datasets[0]
+ else:
+ chained_datasets = None
+
+ concat_datasets = (
+ ConcatDataset(map_datasets) if len(map_datasets) > 0 else None
+ )
+
+ train_datasets = concat_datasets, chained_datasets
+ train_datasets = tuple([x for x in train_datasets if x is not None])
+ train_datasets = (
+ train_datasets[0] if len(train_datasets) == 1 else train_datasets
+ )
+
+ datasets[split_name] = train_datasets
+
+ return datasets
+
diff --git a/minigpt4/datasets/datasets/__init__.py b/minigpt4/datasets/datasets/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/minigpt4/datasets/datasets/__pycache__/__init__.cpython-310.pyc b/minigpt4/datasets/datasets/__pycache__/__init__.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..c9962d244eaa9b5e4d89d6964fafd54122779ace
Binary files /dev/null and b/minigpt4/datasets/datasets/__pycache__/__init__.cpython-310.pyc differ
diff --git a/minigpt4/datasets/datasets/__pycache__/base_dataset.cpython-310.pyc b/minigpt4/datasets/datasets/__pycache__/base_dataset.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..a6b7f30026624d47646108a1df3fad247bbec90a
Binary files /dev/null and b/minigpt4/datasets/datasets/__pycache__/base_dataset.cpython-310.pyc differ
diff --git a/minigpt4/datasets/datasets/__pycache__/caption_datasets.cpython-310.pyc b/minigpt4/datasets/datasets/__pycache__/caption_datasets.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..db0b7aebd7d47fe496ce1eae428fda178b3a48b8
Binary files /dev/null and b/minigpt4/datasets/datasets/__pycache__/caption_datasets.cpython-310.pyc differ
diff --git a/minigpt4/datasets/datasets/__pycache__/cc_sbu_dataset.cpython-310.pyc b/minigpt4/datasets/datasets/__pycache__/cc_sbu_dataset.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..5022e6b889fdc1bc15926348fcaf3dd1c4071f55
Binary files /dev/null and b/minigpt4/datasets/datasets/__pycache__/cc_sbu_dataset.cpython-310.pyc differ
diff --git a/minigpt4/datasets/datasets/__pycache__/laion_dataset.cpython-310.pyc b/minigpt4/datasets/datasets/__pycache__/laion_dataset.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..8c69bfb936b12b47e442b11c902da28b7cbac2e0
Binary files /dev/null and b/minigpt4/datasets/datasets/__pycache__/laion_dataset.cpython-310.pyc differ
diff --git a/minigpt4/datasets/datasets/base_dataset.py b/minigpt4/datasets/datasets/base_dataset.py
new file mode 100644
index 0000000000000000000000000000000000000000..ae2a8d0e21370129c0182cddc427eb293bbe5982
--- /dev/null
+++ b/minigpt4/datasets/datasets/base_dataset.py
@@ -0,0 +1,68 @@
+"""
+ Copyright (c) 2022, salesforce.com, inc.
+ All rights reserved.
+ SPDX-License-Identifier: BSD-3-Clause
+ For full license text, see the LICENSE_Lavis file in the repo root or https://opensource.org/licenses/BSD-3-Clause
+"""
+
+import json
+from typing import Iterable
+
+from torch.utils.data import Dataset, ConcatDataset
+from torch.utils.data.dataloader import default_collate
+
+
+class BaseDataset(Dataset):
+ def __init__(
+ self, vis_processor=None, text_processor=None, vis_root=None, ann_paths=[]
+ ):
+ """
+ vis_root (string): Root directory of images (e.g. coco/images/)
+ ann_root (string): directory to store the annotation file
+ """
+ self.vis_root = vis_root
+
+ self.annotation = []
+ for ann_path in ann_paths:
+ self.annotation.extend(json.load(open(ann_path, "r"))['annotations'])
+
+ self.vis_processor = vis_processor
+ self.text_processor = text_processor
+
+ self._add_instance_ids()
+
+ def __len__(self):
+ return len(self.annotation)
+
+ def collater(self, samples):
+ return default_collate(samples)
+
+ def set_processors(self, vis_processor, text_processor):
+ self.vis_processor = vis_processor
+ self.text_processor = text_processor
+
+ def _add_instance_ids(self, key="instance_id"):
+ for idx, ann in enumerate(self.annotation):
+ ann[key] = str(idx)
+
+
+class ConcatDataset(ConcatDataset):
+ def __init__(self, datasets: Iterable[Dataset]) -> None:
+ super().__init__(datasets)
+
+ def collater(self, samples):
+ # TODO For now only supports datasets with same underlying collater implementations
+
+ all_keys = set()
+ for s in samples:
+ all_keys.update(s)
+
+ shared_keys = all_keys
+ for s in samples:
+ shared_keys = shared_keys & set(s.keys())
+
+ samples_shared_keys = []
+ for s in samples:
+ samples_shared_keys.append({k: s[k] for k in s.keys() if k in shared_keys})
+
+ return self.datasets[0].collater(samples_shared_keys)
diff --git a/minigpt4/datasets/datasets/caption_datasets.py b/minigpt4/datasets/datasets/caption_datasets.py
new file mode 100644
index 0000000000000000000000000000000000000000..2f6cb530b42eabf7f1059dd550d495d4ee68949c
--- /dev/null
+++ b/minigpt4/datasets/datasets/caption_datasets.py
@@ -0,0 +1,84 @@
+"""
+ Copyright (c) 2022, salesforce.com, inc.
+ All rights reserved.
+ SPDX-License-Identifier: BSD-3-Clause
+ For full license text, see the LICENSE_Lavis file in the repo root or https://opensource.org/licenses/BSD-3-Clause
+"""
+
+import os
+from collections import OrderedDict
+
+from minigpt4.datasets.datasets.base_dataset import BaseDataset
+from PIL import Image
+
+
+class __DisplMixin:
+ def displ_item(self, index):
+ sample, ann = self.__getitem__(index), self.annotation[index]
+
+ return OrderedDict(
+ {
+ "file": ann["image"],
+ "caption": ann["caption"],
+ "image": sample["image"],
+ }
+ )
+
+class CaptionDataset(BaseDataset, __DisplMixin):
+ def __init__(self, vis_processor, text_processor, vis_root, ann_paths):
+ """
+ vis_root (string): Root directory of images (e.g. coco/images/)
+ ann_root (string): directory to store the annotation file
+ """
+ super().__init__(vis_processor, text_processor, vis_root, ann_paths)
+
+ self.img_ids = {}
+ n = 0
+ for ann in self.annotation:
+ img_id = ann["image_id"]
+ if img_id not in self.img_ids.keys():
+ self.img_ids[img_id] = n
+ n += 1
+
+ def __getitem__(self, index):
+
+ # TODO this assumes image input, not general enough
+ ann = self.annotation[index]
+
+ img_file = '{:0>12}.jpg'.format(ann["image_id"])
+ image_path = os.path.join(self.vis_root, img_file)
+ image = Image.open(image_path).convert("RGB")
+
+ image = self.vis_processor(image)
+ caption = self.text_processor(ann["caption"])
+
+ return {
+ "image": image,
+ "text_input": caption,
+ "image_id": self.img_ids[ann["image_id"]],
+ }
+
+
+class CaptionEvalDataset(BaseDataset, __DisplMixin):
+ def __init__(self, vis_processor, text_processor, vis_root, ann_paths):
+ """
+ vis_root (string): Root directory of images (e.g. coco/images/)
+ ann_root (string): directory to store the annotation file
+ split (string): val or test
+ """
+ super().__init__(vis_processor, text_processor, vis_root, ann_paths)
+
+ def __getitem__(self, index):
+
+ ann = self.annotation[index]
+
+ image_path = os.path.join(self.vis_root, ann["image"])
+ image = Image.open(image_path).convert("RGB")
+
+ image = self.vis_processor(image)
+
+ return {
+ "image": image,
+ "image_id": ann["image_id"],
+ "instance_id": ann["instance_id"],
+ }
diff --git a/minigpt4/datasets/datasets/cc_sbu_dataset.py b/minigpt4/datasets/datasets/cc_sbu_dataset.py
new file mode 100644
index 0000000000000000000000000000000000000000..f42bbce2beb900d71e20806b0c67c6550493afa4
--- /dev/null
+++ b/minigpt4/datasets/datasets/cc_sbu_dataset.py
@@ -0,0 +1,47 @@
+import os
+from PIL import Image
+import webdataset as wds
+from minigpt4.datasets.datasets.base_dataset import BaseDataset
+from minigpt4.datasets.datasets.caption_datasets import CaptionDataset
+
+
+class CCSBUDataset(BaseDataset):
+ def __init__(self, vis_processor, text_processor, location):
+ super().__init__(vis_processor=vis_processor, text_processor=text_processor)
+
+ self.inner_dataset = wds.DataPipeline(
+ wds.ResampledShards(location),
+ wds.tarfile_to_samples(handler=wds.warn_and_continue),
+ wds.shuffle(1000, handler=wds.warn_and_continue),
+ wds.decode("pilrgb", handler=wds.warn_and_continue),
+ wds.to_tuple("jpg", "json", handler=wds.warn_and_continue),
+ wds.map_tuple(self.vis_processor, handler=wds.warn_and_continue),
+ wds.map(self.to_dict, handler=wds.warn_and_continue),
+ )
+
+ def to_dict(self, sample):
+ return {
+ "image": sample[0],
+ "text_input": self.text_processor(sample[1]["caption"]),
+ }
+
+
+class CCSBUAlignDataset(CaptionDataset):
+
+ def __getitem__(self, index):
+
+ # TODO this assumes image input, not general enough
+ ann = self.annotation[index]
+
+ img_file = '{}.jpg'.format(ann["image_id"])
+ image_path = os.path.join(self.vis_root, img_file)
+ image = Image.open(image_path).convert("RGB")
+
+ image = self.vis_processor(image)
+ caption = ann["caption"]
+
+ return {
+ "image": image,
+ "text_input": caption,
+ "image_id": self.img_ids[ann["image_id"]],
+ }
\ No newline at end of file
diff --git a/minigpt4/datasets/datasets/dataloader_utils.py b/minigpt4/datasets/datasets/dataloader_utils.py
new file mode 100644
index 0000000000000000000000000000000000000000..8eaa3a58b0ad42ca7937fb51b46e53511cc3cd0c
--- /dev/null
+++ b/minigpt4/datasets/datasets/dataloader_utils.py
@@ -0,0 +1,162 @@
+"""
+ Copyright (c) 2022, salesforce.com, inc.
+ All rights reserved.
+ SPDX-License-Identifier: BSD-3-Clause
+ For full license text, see the LICENSE_Lavis file in the repo root or https://opensource.org/licenses/BSD-3-Clause
+"""
+
+import time
+import random
+import torch
+from minigpt4.datasets.data_utils import move_to_cuda
+from torch.utils.data import DataLoader
+
+
+class MultiIterLoader:
+ """
+ A simple wrapper for iterating over multiple iterators.
+
+ Args:
+ loaders (List[Loader]): List of Iterator loaders.
+ ratios (List[float]): List of ratios to sample from each loader. If None, all loaders are sampled uniformly.
+ """
+
+ def __init__(self, loaders, ratios=None):
+ # assert all loaders has __next__ method
+ for loader in loaders:
+ assert hasattr(
+ loader, "__next__"
+ ), "Loader {} has no __next__ method.".format(loader)
+
+ if ratios is None:
+ ratios = [1.0] * len(loaders)
+ else:
+ assert len(ratios) == len(loaders)
+ ratios = [float(ratio) / sum(ratios) for ratio in ratios]
+
+ self.loaders = loaders
+ self.ratios = ratios
+
+ def __next__(self):
+ # random sample from each loader by ratio
+ loader_idx = random.choices(range(len(self.loaders)), self.ratios, k=1)[0]
+ return next(self.loaders[loader_idx])
+
+
+class PrefetchLoader(object):
+ """
+ Modified from https://github.com/ChenRocks/UNITER.
+
+ overlap compute and cuda data transfer
+ (copied and then modified from nvidia apex)
+ """
+
+ def __init__(self, loader):
+ self.loader = loader
+ self.stream = torch.cuda.Stream()
+
+ def __iter__(self):
+ loader_it = iter(self.loader)
+ self.preload(loader_it)
+ batch = self.next(loader_it)
+ while batch is not None:
+ is_tuple = isinstance(batch, tuple)
+ if is_tuple:
+ task, batch = batch
+
+ if is_tuple:
+ yield task, batch
+ else:
+ yield batch
+ batch = self.next(loader_it)
+
+ def __len__(self):
+ return len(self.loader)
+
+ def preload(self, it):
+ try:
+ self.batch = next(it)
+ except StopIteration:
+ self.batch = None
+ return
+ # if record_stream() doesn't work, another option is to make sure
+ # device inputs are created on the main stream.
+ # self.next_input_gpu = torch.empty_like(self.next_input,
+ # device='cuda')
+ # self.next_target_gpu = torch.empty_like(self.next_target,
+ # device='cuda')
+ # Need to make sure the memory allocated for next_* is not still in use
+ # by the main stream at the time we start copying to next_*:
+ # self.stream.wait_stream(torch.cuda.current_stream())
+ with torch.cuda.stream(self.stream):
+ self.batch = move_to_cuda(self.batch)
+ # more code for the alternative if record_stream() doesn't work:
+ # copy_ will record the use of the pinned source tensor in this
+ # side stream.
+ # self.next_input_gpu.copy_(self.next_input, non_blocking=True)
+ # self.next_target_gpu.copy_(self.next_target, non_blocking=True)
+ # self.next_input = self.next_input_gpu
+ # self.next_target = self.next_target_gpu
+
+ def next(self, it):
+ torch.cuda.current_stream().wait_stream(self.stream)
+ batch = self.batch
+ if batch is not None:
+ record_cuda_stream(batch)
+ self.preload(it)
+ return batch
+
+ def __getattr__(self, name):
+ method = self.loader.__getattribute__(name)
+ return method
+
+
+def record_cuda_stream(batch):
+ if isinstance(batch, torch.Tensor):
+ batch.record_stream(torch.cuda.current_stream())
+ elif isinstance(batch, list) or isinstance(batch, tuple):
+ for t in batch:
+ record_cuda_stream(t)
+ elif isinstance(batch, dict):
+ for t in batch.values():
+ record_cuda_stream(t)
+ else:
+ pass
+
+
+class IterLoader:
+ """
+ A wrapper to convert DataLoader as an infinite iterator.
+
+ Modified from:
+ https://github.com/open-mmlab/mmcv/blob/master/mmcv/runner/iter_based_runner.py
+ """
+
+ def __init__(self, dataloader: DataLoader, use_distributed: bool = False):
+ self._dataloader = dataloader
+ self.iter_loader = iter(self._dataloader)
+ self._use_distributed = use_distributed
+ self._epoch = 0
+
+ @property
+ def epoch(self) -> int:
+ return self._epoch
+
+ def __next__(self):
+ try:
+ data = next(self.iter_loader)
+ except StopIteration:
+ self._epoch += 1
+ if hasattr(self._dataloader.sampler, "set_epoch") and self._use_distributed:
+ self._dataloader.sampler.set_epoch(self._epoch)
+ time.sleep(2) # Prevent possible deadlock during epoch transition
+ self.iter_loader = iter(self._dataloader)
+ data = next(self.iter_loader)
+
+ return data
+
+ def __iter__(self):
+ return self
+
+ def __len__(self):
+ return len(self._dataloader)
diff --git a/minigpt4/datasets/datasets/laion_dataset.py b/minigpt4/datasets/datasets/laion_dataset.py
new file mode 100644
index 0000000000000000000000000000000000000000..1becbe46fefb24ed6bf9f5040e19175df5384525
--- /dev/null
+++ b/minigpt4/datasets/datasets/laion_dataset.py
@@ -0,0 +1,31 @@
+"""
+ Copyright (c) 2022, salesforce.com, inc.
+ All rights reserved.
+ SPDX-License-Identifier: BSD-3-Clause
+ For full license text, see the LICENSE_Lavis file in the repo root or https://opensource.org/licenses/BSD-3-Clause
+"""
+
+import webdataset as wds
+from minigpt4.datasets.datasets.base_dataset import BaseDataset
+
+
+class LaionDataset(BaseDataset):
+ def __init__(self, vis_processor, text_processor, location):
+ super().__init__(vis_processor=vis_processor, text_processor=text_processor)
+
+ self.inner_dataset = wds.DataPipeline(
+ wds.ResampledShards(location),
+ wds.tarfile_to_samples(handler=wds.warn_and_continue),
+ wds.shuffle(1000, handler=wds.warn_and_continue),
+ wds.decode("pilrgb", handler=wds.warn_and_continue),
+ wds.to_tuple("jpg", "json", handler=wds.warn_and_continue),
+ wds.map_tuple(self.vis_processor, handler=wds.warn_and_continue),
+ wds.map(self.to_dict, handler=wds.warn_and_continue),
+ )
+
+ def to_dict(self, sample):
+ return {
+ "image": sample[0],
+ "text_input": self.text_processor(sample[1]["caption"]),
+ }
+
diff --git a/minigpt4/datasets/datasets/pdb_dataset.py b/minigpt4/datasets/datasets/pdb_dataset.py
new file mode 100644
index 0000000000000000000000000000000000000000..1e810a25e555be52acebd82c59030797066cc2af
--- /dev/null
+++ b/minigpt4/datasets/datasets/pdb_dataset.py
@@ -0,0 +1,44 @@
+import os
+import sys
+from torch.utils.data import Dataset
+from torch.utils.data.dataloader import default_collate
+import json
+
+import esm
+import esm.inverse_folding
+
+class ESMDataset(Dataset):
+ def __init__(self, pdb_root, ann_paths, chain="C"):
+ """
+ protein (string): Root directory of protein (e.g. coco/images/)
+ ann_root (string): directory to store the annotation file
+ """
+ super().__init__(pdb_root, ann_paths)
+ self.pdb_root = pdb_root
+ self.annotation = json.load(open(ann_paths, "r"))
+ self.pdb_ids = {}
+ self.chain = chain
+ self.pdb_root = pdb_root
+
+ def __len__(self):
+ return len(self.annotation)
+
+ def __getitem__(self, index):
+ return None
+
+ # ann = self.annotation[index]
+ #
+ # pdb_file = '{}.pdb'.format(ann["pdb_id"])
+ #
+ # pdb_path = os.path.join(self.pdb_root, pdb_file)
+ # # read in the pdb from pdb_path
+ # coords, native_seq = esm.inverse_folding.util.load_coords(pdb_path, self.chain)
+ #
+ # caption = ann["caption"]
+ #
+ # return {
+ # "pdb_coords": coords,
+ # "native_seq": native_seq,
+ # "text_input": caption,
+ # "pdb_id": ann["pdb_id"]
+ # }
\ No newline at end of file
diff --git a/minigpt4/datasets/pdb.py b/minigpt4/datasets/pdb.py
new file mode 100644
index 0000000000000000000000000000000000000000..3867fcca8429fc8c0c8cd193c4a973a87d1ad127
--- /dev/null
+++ b/minigpt4/datasets/pdb.py
@@ -0,0 +1,57 @@
+import os
+import sys
+
+import torch
+from torch.utils.data import Dataset
+import json
+import numpy as np
+from torch.utils.data.dataloader import default_collate
+
+import time
+
+class ESMDataset(Dataset):
+ def __init__(self, pdb_root, ann_paths, chain="A"):
+ """
+ protein (string): Root directory of protein (e.g. coco/images/)
+ ann_root (string): directory to store the annotation file
+ """
+ self.pdb_root = pdb_root
+ self.annotation = json.load(open(ann_paths, "r"))
+ self.pdb_ids = {}
+ self.chain = chain
+
+ def __len__(self):
+ return len(self.annotation)
+
+ def __getitem__(self, index):
+
+ ann = self.annotation[index]
+
+ protein_embedding = '{}.pt'.format(ann["pdb_id"])
+
+ protein_embedding_path = os.path.join(self.pdb_root, protein_embedding)
+ protein_embedding = torch.load(protein_embedding_path, map_location=torch.device('cpu'))
+ protein_embedding.requires_grad = False
+ caption = ann["caption"]
+
+ return {
+ "text_input": caption,
+ "encoder_out": protein_embedding,
+ "chain": self.chain,
+ "pdb_id": ann["pdb_id"]
+ }
+
+ def collater(self, samples):
+ max_len_protein_dim0 = -1
+ for pdb_json in samples:
+ pdb_embeddings = pdb_json["encoder_out"]
+ shape_dim0 = pdb_embeddings.shape[0]
+ max_len_protein_dim0 = max(max_len_protein_dim0, shape_dim0)
+ for pdb_json in samples:
+ pdb_embeddings = pdb_json["encoder_out"]
+ shape_dim0 = pdb_embeddings.shape[0]
+ pad1 = ((0, max_len_protein_dim0 - shape_dim0), (0, 0), (0, 0))
+ arr1_padded = np.pad(pdb_embeddings, pad1, mode='constant', )
+ pdb_json["encoder_out"] = arr1_padded
+
+ return default_collate(samples)
\ No newline at end of file
diff --git a/minigpt4/datasets/pdb_dataset.py b/minigpt4/datasets/pdb_dataset.py
new file mode 100644
index 0000000000000000000000000000000000000000..aa1d274a45c6e9d5d0d927dff5ada5d230335d94
--- /dev/null
+++ b/minigpt4/datasets/pdb_dataset.py
@@ -0,0 +1,167 @@
+import os
+import sys
+
+import torch
+from torch.utils.data import Dataset
+import json
+import numpy as np
+from torch.utils.data.dataloader import default_collate
+
+import time
+
+
+class ESMDataset(Dataset):
+ def __init__(self, pdb_root, seq_root, ann_paths, dataset_description, chain="A"):
+ """
+ pdb_root (string): Root directory of protein pdb embeddings (e.g. xyz/pdb/)
+ seq_root (string): Root directory of sequences embeddings (e.g. xyz/seq/)
+ ann_root (string): directory to store the annotation file
+ dataset_description (string): json file that describes what data are used for training/testing
+ """
+ data_describe = json.load(open(dataset_description, "r"))
+ train_set = set(data_describe["train"])
+ self.pdb_root = pdb_root
+ self.seq_root = seq_root
+ self.annotation = json.load(open(ann_paths, "r"))
+ keep = []
+ for i in range(0, len(self.annotation)):
+ if (self.annotation[i]["pdb_id"] in train_set):
+ keep.append(self.annotation[i])
+ self.annotation = keep
+ self.pdb_ids = {}
+ self.chain = chain
+
+ def __len__(self):
+ return len(self.annotation)
+
+ def __getitem__(self, index):
+
+ ann = self.annotation[index]
+
+ pdb_embedding = '{}.pt'.format(ann["pdb_id"])
+ pdb_embedding_path = os.path.join(self.pdb_root, pdb_embedding)
+ pdb_embedding = torch.load(
+ pdb_embedding_path, map_location=torch.device('cpu'))
+ # pdb_embedding_path, map_location=torch.device('cuda'))
+ pdb_embedding.requires_grad = False
+
+ seq_embedding = '{}.pt'.format(ann["pdb_id"])
+ seq_embedding_path = os.path.join(self.seq_root, seq_embedding)
+ seq_embedding = torch.load(
+ seq_embedding_path, map_location=torch.device('cpu'))
+ # seq_embedding_path, map_location=torch.device('cuda'))
+ seq_embedding.requires_grad = False
+
+ caption = ann["caption"]
+
+ return {
+ "text_input": caption,
+ "pdb_encoder_out": pdb_embedding,
+ "seq_encoder_out": seq_embedding,
+ "chain": self.chain,
+ "pdb_id": ann["pdb_id"]
+ }
+
+ # Yijia please check :)
+ # def collater(self, samples):
+ # # print(samples)
+ # max_len_pdb_dim0 = -1
+ # max_len_seq_dim0 = -1
+
+ # for pdb_json in samples:
+ # pdb_embeddings = pdb_json["pdb_encoder_out"]
+ # shape_dim0 = pdb_embeddings.shape[0]
+ # max_len_pdb_dim0 = max(max_len_pdb_dim0, shape_dim0)
+
+ # seq_embeddings = pdb_json["seq_encoder_out"]
+ # shape_dim0 = seq_embeddings.shape[0]
+ # max_len_seq_dim0 = max(max_len_seq_dim0, shape_dim0)
+
+ # for pdb_json in samples:
+ # pdb_embeddings = pdb_json["pdb_encoder_out"]
+ # shape_dim0 = pdb_embeddings.shape[0]
+ # pad1 = ((0, max_len_pdb_dim0 - shape_dim0), (0, 0), (0, 0))
+ # arr1_padded = np.pad(pdb_embeddings, pad1, mode='constant', )
+ # pdb_json["pdb_encoder_out"] = arr1_padded
+
+ # seq_embeddings = pdb_json["seq_encoder_out"]
+ # shape_dim0 = seq_embeddings.shape[0]
+ # pad1 = ((0, max_len_seq_dim0 - shape_dim0), (0, 0), (0, 0))
+ # arr1_padded = np.pad(seq_embeddings, pad1, mode='constant', )
+ # pdb_json["seq_encoder_out"] = arr1_padded
+
+ # print(samples[0].keys())
+ # return default_collate(samples)
+
+def collater(self, samples):
+ max_len_pdb_dim0 = max(pdb_json["pdb_encoder_out"].shape[0] for pdb_json in samples)
+ max_len_seq_dim0 = max(pdb_json["seq_encoder_out"].shape[0] for pdb_json in samples)
+
+ for pdb_json in samples:
+ pdb_embeddings = pdb_json["pdb_encoder_out"]
+ pad_pdb = ((0, max_len_pdb_dim0 - pdb_embeddings.shape[0]), (0, 0), (0, 0))
+ pdb_json["pdb_encoder_out"] = torch.tensor(np.pad(pdb_embeddings, pad_pdb, mode='constant'))
+
+ seq_embeddings = pdb_json["seq_encoder_out"]
+ pad_seq = ((0, max_len_seq_dim0 - seq_embeddings.shape[0]), (0, 0), (0, 0))
+ pdb_json["seq_encoder_out"] = torch.tensor(np.pad(seq_embeddings, pad_seq, mode='constant'))
+
+ return default_collate(samples)
+
+# import os
+# import sys
+
+# import torch
+# from torch.utils.data import Dataset
+# import json
+# import numpy as np
+# from torch.utils.data.dataloader import default_collate
+
+# import time
+
+# class ESMDataset(Dataset):
+# def __init__(self, pdb_root, ann_paths, chain="A"):
+# """
+# protein (string): Root directory of protein (e.g. coco/images/)
+# ann_root (string): directory to store the annotation file
+# """
+# self.pdb_root = pdb_root
+# self.annotation = json.load(open(ann_paths, "r"))
+# self.pdb_ids = {}
+# self.chain = chain
+
+# def __len__(self):
+# return len(self.annotation)
+
+# def __getitem__(self, index):
+
+# ann = self.annotation[index]
+
+# protein_embedding = '{}.pt'.format(ann["pdb_id"])
+
+# protein_embedding_path = os.path.join(self.pdb_root, protein_embedding)
+# protein_embedding = torch.load(protein_embedding_path, map_location=torch.device('cpu'))
+# protein_embedding.requires_grad = False
+# caption = ann["caption"]
+
+# return {
+# "text_input": caption,
+# "encoder_out": protein_embedding,
+# "chain": self.chain,
+# "pdb_id": ann["pdb_id"]
+# }
+
+# def collater(self, samples):
+# max_len_protein_dim0 = -1
+# for pdb_json in samples:
+# pdb_embeddings = pdb_json["encoder_out"]
+# shape_dim0 = pdb_embeddings.shape[0]
+# max_len_protein_dim0 = max(max_len_protein_dim0, shape_dim0)
+# for pdb_json in samples:
+# pdb_embeddings = pdb_json["encoder_out"]
+# shape_dim0 = pdb_embeddings.shape[0]
+# pad1 = ((0, max_len_protein_dim0 - shape_dim0), (0, 0), (0, 0))
+# arr1_padded = np.pad(pdb_embeddings, pad1, mode='constant', )
+# pdb_json["encoder_out"] = arr1_padded
+
+# return default_collate(samples)
\ No newline at end of file
diff --git a/minigpt4/datasets/qa_dataset.py b/minigpt4/datasets/qa_dataset.py
new file mode 100644
index 0000000000000000000000000000000000000000..87206753f497f9d0be18d712caf9c464b8b5886c
--- /dev/null
+++ b/minigpt4/datasets/qa_dataset.py
@@ -0,0 +1,83 @@
+import os
+import sys
+
+import torch
+from torch.utils.data import Dataset
+import json
+import numpy as np
+from torch.utils.data.dataloader import default_collate
+
+import time
+
+class QADataset(Dataset):
+ # def __init__(self, pdb_root, seq_root, ann_paths, dataset_description, chain="A"):
+ def __init__(self, pdb_root, seq_root, ann_paths, chain="A"):
+ """
+ pdb_root (string): Root directory of protein pdb embeddings (e.g. xyz/pdb/)
+ seq_root (string): Root directory of sequences embeddings (e.g. xyz/seq/)
+ ann_root (string): directory to store the annotation file
+ dataset_description (string): json file that describes what data are used for training/testing
+ """
+ # data_describe = json.load(open(dataset_description, "r"))
+ # train_set = set(data_describe["train"])
+ self.pdb_root = pdb_root
+ self.seq_root = seq_root
+ self.qa = json.load(open(ann_paths, "r"))
+ self.qa_keys = list(self.qa.keys())
+ keep = {}
+ # for i in range(0, len(self.qa_keys)):
+ # if (self.qa_keys[i] in train_set):
+ # keep[self.qa_keys[i]] = self.qa[self.qa_keys[i]]
+ # self.qa = keep
+
+ self.qa_keys = list(self.qa.keys()) # update qa keys to reflect what was saved after keep
+ self.questions = []
+ for key in self.qa_keys:
+ for j in range(0, len(self.qa[key])):
+ self.questions.append((self.qa[key][j], key))
+ self.chain = chain
+
+ def __len__(self):
+ return len(self.questions)
+
+ def __getitem__(self, index):
+ qa = self.questions[index]
+ pdb_id = qa[1]
+
+ pdb_embedding = '{}.pt'.format(pdb_id)
+ pdb_embedding_path = os.path.join(self.pdb_root, pdb_embedding)
+ pdb_embedding = torch.load(
+ pdb_embedding_path, map_location=torch.device('cpu'))
+ # pdb_embedding_path, map_location=torch.device('cuda'))
+ pdb_embedding.requires_grad = False
+
+ seq_embedding = '{}.pt'.format(pdb_id)
+ seq_embedding_path = os.path.join(self.seq_root, seq_embedding)
+ seq_embedding = torch.load(
+ seq_embedding_path, map_location=torch.device('cpu'))
+ # seq_embedding_path, map_location=torch.device('cuda'))
+ seq_embedding.requires_grad = False
+
+ return {
+ "q_input": str(qa[0]['Q']),
+ "a_input": str(qa[0]['A']),
+ "pdb_encoder_out": pdb_embedding,
+ "seq_encoder_out": seq_embedding,
+ "chain": self.chain,
+ "pdb_id": pdb_id
+ }
+
+def collater(self, samples):
+ max_len_pdb_dim0 = max(pdb_json["pdb_encoder_out"].shape[0] for pdb_json in samples)
+ max_len_seq_dim0 = max(pdb_json["seq_encoder_out"].shape[0] for pdb_json in samples)
+
+ for pdb_json in samples:
+ pdb_embeddings = pdb_json["pdb_encoder_out"]
+ pad_pdb = ((0, max_len_pdb_dim0 - pdb_embeddings.shape[0]), (0, 0), (0, 0))
+ pdb_json["pdb_encoder_out"] = torch.tensor(np.pad(pdb_embeddings, pad_pdb, mode='constant'))
+
+ seq_embeddings = pdb_json["seq_encoder_out"]
+ pad_seq = ((0, max_len_seq_dim0 - seq_embeddings.shape[0]), (0, 0), (0, 0))
+ pdb_json["seq_encoder_out"] = torch.tensor(np.pad(seq_embeddings, pad_seq, mode='constant'))
+
+ return default_collate(samples)
diff --git a/minigpt4/esm/esm_config.py b/minigpt4/esm/esm_config.py
new file mode 100644
index 0000000000000000000000000000000000000000..e184b1f9024957a42fc6a4f796d0e8a7804e1ef7
--- /dev/null
+++ b/minigpt4/esm/esm_config.py
@@ -0,0 +1,468 @@
+"""
+ Copyright (c) 2022, salesforce.com, inc.
+ All rights reserved.
+ SPDX-License-Identifier: BSD-3-Clause
+ For full license text, see the LICENSE_Lavis file in the repo root or https://opensource.org/licenses/BSD-3-Clause
+"""
+
+import logging
+import json
+from typing import Dict
+
+from omegaconf import OmegaConf
+from minigpt4.common.registry import registry
+
+
+class Config:
+ def __init__(self, args):
+ self.config = {}
+
+ self.args = args
+
+ # Register the config and configuration for setup
+ registry.register("configuration", self)
+
+ user_config = self._build_opt_list(self.args.options)
+
+ config = OmegaConf.load(self.args.cfg_path)
+
+ runner_config = self.build_runner_config(config)
+ model_config = self.build_model_config(config, **user_config)
+ dataset_config = self.build_dataset_config(config)
+
+ # Validate the user-provided runner configuration
+ # model and dataset configuration are supposed to be validated by the respective classes
+ # [TODO] validate the model/dataset configuration
+ # self._validate_runner_config(runner_config)
+
+ # Override the default configuration with user options.
+ self.config = OmegaConf.merge(
+ runner_config, model_config, dataset_config, user_config
+ )
+
+ def _validate_runner_config(self, runner_config):
+ """
+ This method validates the configuration, such that
+ 1) all the user specified options are valid;
+ 2) no type mismatches between the user specified options and the config.
+ """
+ runner_config_validator = create_runner_config_validator()
+ runner_config_validator.validate(runner_config)
+
+ def _build_opt_list(self, opts):
+ opts_dot_list = self._convert_to_dot_list(opts)
+ return OmegaConf.from_dotlist(opts_dot_list)
+
+ @staticmethod
+ def build_model_config(config, **kwargs):
+ model = config.get("model", None)
+ assert model is not None, "Missing model configuration file."
+
+ model_cls = registry.get_model_class(model.arch)
+ assert model_cls is not None, f"Model '{model.arch}' has not been registered."
+
+ model_type = kwargs.get("model.model_type", None)
+ if not model_type:
+ model_type = model.get("model_type", None)
+ # else use the model type selected by user.
+
+ assert model_type is not None, "Missing model_type."
+
+ model_config_path = model_cls.default_config_path(model_type=model_type)
+
+ model_config = OmegaConf.create()
+ # hierarchy override, customized config > default config
+ model_config = OmegaConf.merge(
+ model_config,
+ OmegaConf.load(model_config_path),
+ {"model": config["model"]},
+ )
+
+ return model_config
+
+ @staticmethod
+ def build_runner_config(config):
+ return {"run": config.run}
+
+ @staticmethod
+ def build_dataset_config(config):
+ datasets = config.get("datasets", None)
+ if datasets is None:
+ raise KeyError(
+ "Expecting 'datasets' as the root key for dataset configuration."
+ )
+
+ dataset_config = OmegaConf.create()
+
+ for dataset_name in datasets:
+ builder_cls = registry.get_builder_class(dataset_name)
+
+ dataset_config_type = datasets[dataset_name].get("type", "default")
+ dataset_config_path = builder_cls.default_config_path(
+ type=dataset_config_type
+ )
+
+ # hierarchy override, customized config > default config
+ dataset_config = OmegaConf.merge(
+ dataset_config,
+ OmegaConf.load(dataset_config_path),
+ {"datasets": {dataset_name: config["datasets"][dataset_name]}},
+ )
+
+ return dataset_config
+
+ def _convert_to_dot_list(self, opts):
+ if opts is None:
+ opts = []
+
+ if len(opts) == 0:
+ return opts
+
+ has_equal = opts[0].find("=") != -1
+
+ if has_equal:
+ return opts
+
+ return [(opt + "=" + value) for opt, value in zip(opts[0::2], opts[1::2])]
+
+ def get_config(self):
+ return self.config
+
+ @property
+ def run_cfg(self):
+ return self.config.run
+
+ @property
+ def datasets_cfg(self):
+ return self.config.datasets
+
+ @property
+ def model_cfg(self):
+ return self.config.model
+
+ def pretty_print(self):
+ logging.info("\n===== Running Parameters =====")
+ logging.info(self._convert_node_to_json(self.config.run))
+
+ logging.info("\n====== Dataset Attributes ======")
+ datasets = self.config.datasets
+
+ for dataset in datasets:
+ if dataset in self.config.datasets:
+ logging.info(f"\n======== {dataset} =======")
+ dataset_config = self.config.datasets[dataset]
+ logging.info(self._convert_node_to_json(dataset_config))
+ else:
+ logging.warning(f"No dataset named '{dataset}' in config. Skipping")
+
+ logging.info(f"\n====== Model Attributes ======")
+ logging.info(self._convert_node_to_json(self.config.model))
+
+ def _convert_node_to_json(self, node):
+ container = OmegaConf.to_container(node, resolve=True)
+ return json.dumps(container, indent=4, sort_keys=True)
+
+ def to_dict(self):
+ return OmegaConf.to_container(self.config)
+
+
+def node_to_dict(node):
+ return OmegaConf.to_container(node)
+
+
+class ConfigValidator:
+ """
+ This is a preliminary implementation to centralize and validate the configuration.
+ May be altered in the future.
+
+ A helper class to validate configurations from yaml file.
+
+ This serves the following purposes:
+ 1. Ensure all the options in the yaml are defined, raise error if not.
+ 2. when type mismatches are found, the validator will raise an error.
+ 3. a central place to store and display helpful messages for supported configurations.
+
+ """
+
+ class _Argument:
+ def __init__(self, name, choices=None, type=None, help=None):
+ self.name = name
+ self.val = None
+ self.choices = choices
+ self.type = type
+ self.help = help
+
+ def __str__(self):
+ s = f"{self.name}={self.val}"
+ if self.type is not None:
+ s += f", ({self.type})"
+ if self.choices is not None:
+ s += f", choices: {self.choices}"
+ if self.help is not None:
+ s += f", ({self.help})"
+ return s
+
+ def __init__(self, description):
+ self.description = description
+
+ self.arguments = dict()
+
+ self.parsed_args = None
+
+ def __getitem__(self, key):
+ assert self.parsed_args is not None, "No arguments parsed yet."
+
+ return self.parsed_args[key]
+
+ def __str__(self) -> str:
+ return self.format_help()
+
+ def add_argument(self, *args, **kwargs):
+ """
+ Assume the first argument is the name of the argument.
+ """
+ self.arguments[args[0]] = self._Argument(*args, **kwargs)
+
+ def validate(self, config=None):
+ """
+ Convert yaml config (dict-like) to list, required by argparse.
+ """
+ for k, v in config.items():
+ assert (
+ k in self.arguments
+ ), f"""{k} is not a valid argument. Support arguments are {self.format_arguments()}."""
+
+ if self.arguments[k].type is not None:
+ try:
+ self.arguments[k].val = self.arguments[k].type(v)
+ except ValueError:
+ raise ValueError(f"{k} is not a valid {self.arguments[k].type}.")
+
+ if self.arguments[k].choices is not None:
+ assert (
+ v in self.arguments[k].choices
+ ), f"""{k} must be one of {self.arguments[k].choices}."""
+
+ return config
+
+ def format_arguments(self):
+ return str([f"{k}" for k in sorted(self.arguments.keys())])
+
+ def format_help(self):
+ # description + key-value pair string for each argument
+ help_msg = str(self.description)
+ return help_msg + ", available arguments: " + self.format_arguments()
+
+ def print_help(self):
+ # display help message
+ print(self.format_help())
+
+
+def create_runner_config_validator():
+ validator = ConfigValidator(description="Runner configurations")
+
+ validator.add_argument(
+ "runner",
+ type=str,
+ choices=["runner_base", "runner_iter"],
+ help="""Runner to use. The "runner_base" uses epoch-based training while iter-based
+ runner runs based on iters. Default: runner_base""",
+ )
+ # add argumetns for training dataset ratios
+ validator.add_argument(
+ "train_dataset_ratios",
+ type=Dict[str, float],
+ help="""Ratios of training dataset. This is used in iteration-based runner.
+ Do not support for epoch-based runner because how to define an epoch becomes tricky.
+ Default: None""",
+ )
+ validator.add_argument(
+ "max_iters",
+ type=float,
+ help="Maximum number of iterations to run.",
+ )
+ validator.add_argument(
+ "max_epoch",
+ type=int,
+ help="Maximum number of epochs to run.",
+ )
+ # add arguments for iters_per_inner_epoch
+ validator.add_argument(
+ "iters_per_inner_epoch",
+ type=float,
+ help="Number of iterations per inner epoch. This is required when runner is runner_iter.",
+ )
+ lr_scheds_choices = registry.list_lr_schedulers()
+ validator.add_argument(
+ "lr_sched",
+ type=str,
+ choices=lr_scheds_choices,
+ help="Learning rate scheduler to use, from {}".format(lr_scheds_choices),
+ )
+ task_choices = registry.list_tasks()
+ validator.add_argument(
+ "task",
+ type=str,
+ choices=task_choices,
+ help="Task to use, from {}".format(task_choices),
+ )
+ # add arguments for init_lr
+ validator.add_argument(
+ "init_lr",
+ type=float,
+ help="Initial learning rate. This will be the learning rate after warmup and before decay.",
+ )
+ # add arguments for min_lr
+ validator.add_argument(
+ "min_lr",
+ type=float,
+ help="Minimum learning rate (after decay).",
+ )
+ # add arguments for warmup_lr
+ validator.add_argument(
+ "warmup_lr",
+ type=float,
+ help="Starting learning rate for warmup.",
+ )
+ # add arguments for learning rate decay rate
+ validator.add_argument(
+ "lr_decay_rate",
+ type=float,
+ help="Learning rate decay rate. Required if using a decaying learning rate scheduler.",
+ )
+ # add arguments for weight decay
+ validator.add_argument(
+ "weight_decay",
+ type=float,
+ help="Weight decay rate.",
+ )
+ # add arguments for training batch size
+ validator.add_argument(
+ "batch_size_train",
+ type=int,
+ help="Training batch size.",
+ )
+ # add arguments for evaluation batch size
+ validator.add_argument(
+ "batch_size_eval",
+ type=int,
+ help="Evaluation batch size, including validation and testing.",
+ )
+ # add arguments for number of workers for data loading
+ validator.add_argument(
+ "num_workers",
+ help="Number of workers for data loading.",
+ )
+ # add arguments for warm up steps
+ validator.add_argument(
+ "warmup_steps",
+ type=int,
+ help="Number of warmup steps. Required if a warmup schedule is used.",
+ )
+ # add arguments for random seed
+ validator.add_argument(
+ "seed",
+ type=int,
+ help="Random seed.",
+ )
+ # add arguments for output directory
+ validator.add_argument(
+ "output_dir",
+ type=str,
+ help="Output directory to save checkpoints and logs.",
+ )
+ # add arguments for whether only use evaluation
+ validator.add_argument(
+ "evaluate",
+ help="Whether to only evaluate the model. If true, training will not be performed.",
+ )
+ # add arguments for splits used for training, e.g. ["train", "val"]
+ validator.add_argument(
+ "train_splits",
+ type=list,
+ help="Splits to use for training.",
+ )
+ # add arguments for splits used for validation, e.g. ["val"]
+ validator.add_argument(
+ "valid_splits",
+ type=list,
+ help="Splits to use for validation. If not provided, will skip the validation.",
+ )
+ # add arguments for splits used for testing, e.g. ["test"]
+ validator.add_argument(
+ "test_splits",
+ type=list,
+ help="Splits to use for testing. If not provided, will skip the testing.",
+ )
+ # add arguments for accumulating gradient for iterations
+ validator.add_argument(
+ "accum_grad_iters",
+ type=int,
+ help="Number of iterations to accumulate gradient for.",
+ )
+
+ # ====== distributed training ======
+ validator.add_argument(
+ "device",
+ type=str,
+ choices=["cpu", "cuda"],
+ help="Device to use. Support 'cuda' or 'cpu' as for now.",
+ )
+ validator.add_argument(
+ "world_size",
+ type=int,
+ help="Number of processes participating in the job.",
+ )
+ validator.add_argument("dist_url", type=str)
+ validator.add_argument("distributed", type=bool)
+ # add arguments to opt using distributed sampler during evaluation or not
+ validator.add_argument(
+ "use_dist_eval_sampler",
+ type=bool,
+ help="Whether to use distributed sampler during evaluation or not.",
+ )
+
+ # ====== task specific ======
+ # generation task specific arguments
+ # add arguments for maximal length of text output
+ validator.add_argument(
+ "max_len",
+ type=int,
+ help="Maximal length of text output.",
+ )
+ # add arguments for minimal length of text output
+ validator.add_argument(
+ "min_len",
+ type=int,
+ help="Minimal length of text output.",
+ )
+ # add arguments number of beams
+ validator.add_argument(
+ "num_beams",
+ type=int,
+ help="Number of beams used for beam search.",
+ )
+
+ # vqa task specific arguments
+ # add arguments for number of answer candidates
+ validator.add_argument(
+ "num_ans_candidates",
+ type=int,
+ help="""For ALBEF and BLIP, these models first rank answers according to likelihood to select answer candidates.""",
+ )
+ # add arguments for inference method
+ validator.add_argument(
+ "inference_method",
+ type=str,
+ choices=["genearte", "rank"],
+ help="""Inference method to use for question answering. If rank, requires a answer list.""",
+ )
+
+ # ====== model specific ======
+ validator.add_argument(
+ "k_test",
+ type=int,
+ help="Number of top k most similar samples from ITC/VTC selection to be tested.",
+ )
+
+ return validator
diff --git a/minigpt4/ft/Llama-2-7b-chat-hf/20240610191/checkpoint_0.pth b/minigpt4/ft/Llama-2-7b-chat-hf/20240610191/checkpoint_0.pth
new file mode 100644
index 0000000000000000000000000000000000000000..033e1de8bd0b56dd7170adc889cde26527bcd853
--- /dev/null
+++ b/minigpt4/ft/Llama-2-7b-chat-hf/20240610191/checkpoint_0.pth
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:11a2386cf4580797a29a549da1fb781e6bed54abe595b893c6ce6d3b2ce377a3
+size 151128906
diff --git a/minigpt4/ft/Llama-2-7b-chat-hf/20240610191/checkpoint_1.pth b/minigpt4/ft/Llama-2-7b-chat-hf/20240610191/checkpoint_1.pth
new file mode 100644
index 0000000000000000000000000000000000000000..f0cd30b9ee804aa80c937cafb79b4b62ccfb4f56
--- /dev/null
+++ b/minigpt4/ft/Llama-2-7b-chat-hf/20240610191/checkpoint_1.pth
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3b62b51589c39d9e9416a5063821dd6691dc72940df0a2134ad91dafe1e76360
+size 151128906
diff --git a/minigpt4/ft/Llama-2-7b-chat-hf/20240610191/checkpoint_2.pth b/minigpt4/ft/Llama-2-7b-chat-hf/20240610191/checkpoint_2.pth
new file mode 100644
index 0000000000000000000000000000000000000000..4b73bd81a3bc910436dcd2262a8db7ade1935318
--- /dev/null
+++ b/minigpt4/ft/Llama-2-7b-chat-hf/20240610191/checkpoint_2.pth
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8bd4e5dd9018412f409b8417e41751a76e585094a3756c4ab69e9495c81aacdf
+size 151128906
diff --git a/minigpt4/ft/Llama-2-7b-chat-hf/20240610191/checkpoint_3.pth b/minigpt4/ft/Llama-2-7b-chat-hf/20240610191/checkpoint_3.pth
new file mode 100644
index 0000000000000000000000000000000000000000..5458d5a089609072ffdf79f7af84e0ad2adc2c4e
--- /dev/null
+++ b/minigpt4/ft/Llama-2-7b-chat-hf/20240610191/checkpoint_3.pth
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9ef211caf7773dc7d96b9345fbd4e6b6ea5597cfe0a10dc6da09ea859b4f19c5
+size 151128906
diff --git a/minigpt4/ft/Llama-2-7b-chat-hf/20240610191/checkpoint_4.pth b/minigpt4/ft/Llama-2-7b-chat-hf/20240610191/checkpoint_4.pth
new file mode 100644
index 0000000000000000000000000000000000000000..dd2afacee97508e68ee4f7f4e42878f980bda7ce
--- /dev/null
+++ b/minigpt4/ft/Llama-2-7b-chat-hf/20240610191/checkpoint_4.pth
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:cbc1664c0f647aea7d712baf46a88b68504288957b9f1c6972ebdc728b5b59f4
+size 151128906
diff --git a/minigpt4/ft/Llama-2-7b-chat-hf/20240610191/checkpoint_5.pth b/minigpt4/ft/Llama-2-7b-chat-hf/20240610191/checkpoint_5.pth
new file mode 100644
index 0000000000000000000000000000000000000000..34efd539d98dc217f1208b58240c683402f40a95
--- /dev/null
+++ b/minigpt4/ft/Llama-2-7b-chat-hf/20240610191/checkpoint_5.pth
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:90b6c3a2ac74ecce60c6485c396a7e2d445ea5c0ee553555d5447606c262f7b7
+size 151128906
diff --git a/minigpt4/ft/Llama-2-7b-chat-hf/20240610191/checkpoint_6.pth b/minigpt4/ft/Llama-2-7b-chat-hf/20240610191/checkpoint_6.pth
new file mode 100644
index 0000000000000000000000000000000000000000..920e3013e7c2359a99ffca3b31d87791dad66057
--- /dev/null
+++ b/minigpt4/ft/Llama-2-7b-chat-hf/20240610191/checkpoint_6.pth
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9231c881379b7d2a36f7383cc3bee51e9c949661210a401ebde150bdcf5becb0
+size 151128906
diff --git a/minigpt4/ft/Llama-2-7b-chat-hf/20240610191/checkpoint_7.pth b/minigpt4/ft/Llama-2-7b-chat-hf/20240610191/checkpoint_7.pth
new file mode 100644
index 0000000000000000000000000000000000000000..a8c6e21f39f3dc11d66966dab6d79797c9f2b94f
--- /dev/null
+++ b/minigpt4/ft/Llama-2-7b-chat-hf/20240610191/checkpoint_7.pth
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c242da29525e910949b99387f2ea327400045b2c4f11925542c7216d55db28c0
+size 151128906
diff --git a/minigpt4/ft/Llama-2-7b-chat-hf/20240610191/log.txt b/minigpt4/ft/Llama-2-7b-chat-hf/20240610191/log.txt
new file mode 100644
index 0000000000000000000000000000000000000000..8cc37fdaf59a9f3f8921de4d376813a940869696
--- /dev/null
+++ b/minigpt4/ft/Llama-2-7b-chat-hf/20240610191/log.txt
@@ -0,0 +1,95 @@
+{
+ "run": {
+ "task": "image_text_pretrain",
+ "lr_sched": "linear_warmup_cosine_lr",
+ "init_lr": 1e-05,
+ "min_lr": 1e-06,
+ "warmup_lr": 1e-06,
+ "weight_decay": 0.05,
+ "max_epoch": 10,
+ "batch_size_train": 1,
+ "batch_size_eval": 1,
+ "num_workers": 12,
+ "warmup_steps": 5000,
+ "seed": 42,
+ "output_dir": "ft/Llama-2-7b-chat-hf/",
+ "amp": true,
+ "resume_ckpt_path": null,
+ "evaluate": false,
+ "train_splits": [
+ "train"
+ ],
+ "device": "cuda",
+ "world_size": 1,
+ "dist_url": "env://",
+ "distributed": true,
+ "stage": 2,
+ "rank": 0,
+ "gpu": 0,
+ "dist_backend": "nccl"
+ },
+ "model": {
+ "arch": "mini_gpt4",
+ "image_size": 224,
+ "drop_path_rate": 0,
+ "use_grad_checkpoint": false,
+ "vit_precision": "fp16",
+ "freeze_vit": true,
+ "freeze_qformer": true,
+ "num_query_token": 32,
+ "llama_model": "/home/ubuntu/ckpt/hf/Llama-2-7b-chat-hf/",
+ "prompt": "",
+ "model_type": "pretrain_vicuna",
+ "max_txt_len": 256,
+ "end_sym": "###",
+ "prompt_template": "###Human: {} ###Assistant: ",
+ "ckpt": "/home/ubuntu/proteinchat/minigpt4/output/Llama-2-7b-chat-hf/20240606005/checkpoint_2.pth"
+ },
+ "preprocess": {
+ "vis_processor": {
+ "train": {
+ "name": "blip2_image_train",
+ "image_size": 224
+ },
+ "eval": {
+ "name": "blip2_image_eval",
+ "image_size": 224
+ }
+ },
+ "text_processor": {
+ "train": {
+ "name": "blip_caption"
+ },
+ "eval": {
+ "name": "blip_caption"
+ }
+ }
+ },
+ "datasets": {
+ "cc_sbu_align": {
+ "data_type": "images",
+ "build_info": {
+ "storage": "PATH_TO_$cc_sbu_align"
+ },
+ "vis_processor": {
+ "train": {
+ "name": "blip2_image_train",
+ "image_size": 224
+ }
+ },
+ "text_processor": {
+ "train": {
+ "name": "blip_caption"
+ }
+ }
+ }
+ }
+}
+{"train_lr": "0.000", "train_loss": "1.280"}
+{"train_lr": "0.000", "train_loss": "0.805"}
+{"train_lr": "0.000", "train_loss": "0.756"}
+{"train_lr": "0.000", "train_loss": "0.727"}
+{"train_lr": "0.000", "train_loss": "0.704"}
+{"train_lr": "0.000", "train_loss": "0.682"}
+{"train_lr": "0.000", "train_loss": "0.664"}
+{"train_lr": "0.000", "train_loss": "0.648"}
diff --git a/minigpt4/ft/Llama-2-7b-chat-hf/20240612190/log.txt b/minigpt4/ft/Llama-2-7b-chat-hf/20240612190/log.txt
new file mode 100644
index 0000000000000000000000000000000000000000..a7d4677e680072cefdc900a119ee8bb950f0dfee
--- /dev/null
+++ b/minigpt4/ft/Llama-2-7b-chat-hf/20240612190/log.txt
@@ -0,0 +1,87 @@
+{
+ "run": {
+ "task": "image_text_pretrain",
+ "lr_sched": "linear_warmup_cosine_lr",
+ "init_lr": 1e-05,
+ "min_lr": 1e-06,
+ "warmup_lr": 1e-06,
+ "weight_decay": 0.05,
+ "max_epoch": 10,
+ "batch_size_train": 1,
+ "batch_size_eval": 1,
+ "num_workers": 12,
+ "warmup_steps": 5000,
+ "seed": 42,
+ "output_dir": "ft/Llama-2-7b-chat-hf/",
+ "amp": true,
+ "resume_ckpt_path": null,
+ "evaluate": false,
+ "train_splits": [
+ "train"
+ ],
+ "device": "cuda",
+ "world_size": 1,
+ "dist_url": "env://",
+ "distributed": true,
+ "stage": 2,
+ "rank": 0,
+ "gpu": 0,
+ "dist_backend": "nccl"
+ },
+ "model": {
+ "arch": "mini_gpt4",
+ "image_size": 224,
+ "drop_path_rate": 0,
+ "use_grad_checkpoint": false,
+ "vit_precision": "fp16",
+ "freeze_vit": true,
+ "freeze_qformer": true,
+ "num_query_token": 32,
+ "llama_model": "/home/ubuntu/ckpt/hf/Llama-2-7b-chat-hf/",
+ "prompt": "",
+ "model_type": "pretrain_vicuna",
+ "max_txt_len": 256,
+ "end_sym": "###",
+ "prompt_template": "###Human: {} ###Assistant: ",
+ "ckpt": "/home/ubuntu/proteinchat/minigpt4/output/Llama-2-7b-chat-hf/20240606005/checkpoint_2.pth"
+ },
+ "preprocess": {
+ "vis_processor": {
+ "train": {
+ "name": "blip2_image_train",
+ "image_size": 224
+ },
+ "eval": {
+ "name": "blip2_image_eval",
+ "image_size": 224
+ }
+ },
+ "text_processor": {
+ "train": {
+ "name": "blip_caption"
+ },
+ "eval": {
+ "name": "blip_caption"
+ }
+ }
+ },
+ "datasets": {
+ "cc_sbu_align": {
+ "data_type": "images",
+ "build_info": {
+ "storage": "PATH_TO_$cc_sbu_align"
+ },
+ "vis_processor": {
+ "train": {
+ "name": "blip2_image_train",
+ "image_size": 224
+ }
+ },
+ "text_processor": {
+ "train": {
+ "name": "blip_caption"
+ }
+ }
+ }
+ }
+}
diff --git a/minigpt4/ft/Llama-2-7b-chat-hf/20240613170/checkpoint_0.pth b/minigpt4/ft/Llama-2-7b-chat-hf/20240613170/checkpoint_0.pth
new file mode 100644
index 0000000000000000000000000000000000000000..2faedd85fa02d7b3e93bd0daae9967c3d3d5b5b6
--- /dev/null
+++ b/minigpt4/ft/Llama-2-7b-chat-hf/20240613170/checkpoint_0.pth
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f5dfe032a80c5cb4f2ad61e47cded69d44207b1f133cac893939d27807ddbfa8
+size 151128906
diff --git a/minigpt4/ft/Llama-2-7b-chat-hf/20240613170/checkpoint_1.pth b/minigpt4/ft/Llama-2-7b-chat-hf/20240613170/checkpoint_1.pth
new file mode 100644
index 0000000000000000000000000000000000000000..f0da96a33764ea84b79883c735eee5ac6934c5e4
--- /dev/null
+++ b/minigpt4/ft/Llama-2-7b-chat-hf/20240613170/checkpoint_1.pth
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9ced0c7029434238982c6e8e5d54e48d47fffd4ea7ab71203f5602ab28c7a7cc
+size 151128906
diff --git a/minigpt4/ft/Llama-2-7b-chat-hf/20240613170/checkpoint_2.pth b/minigpt4/ft/Llama-2-7b-chat-hf/20240613170/checkpoint_2.pth
new file mode 100644
index 0000000000000000000000000000000000000000..3c20bcf3e832f724c12439b6cbe59f6e1a449b18
--- /dev/null
+++ b/minigpt4/ft/Llama-2-7b-chat-hf/20240613170/checkpoint_2.pth
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:025df22fdcf1b2d012c0bbce8662a8f047ef2de56a234cbb468f6a231a2c6a25
+size 151128906
diff --git a/minigpt4/ft/Llama-2-7b-chat-hf/20240613170/checkpoint_3.pth b/minigpt4/ft/Llama-2-7b-chat-hf/20240613170/checkpoint_3.pth
new file mode 100644
index 0000000000000000000000000000000000000000..46415ce6fcdeeeff866a2dbd600216763be1ee65
--- /dev/null
+++ b/minigpt4/ft/Llama-2-7b-chat-hf/20240613170/checkpoint_3.pth
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4f115ed337ee6153d620052d69be68c3efe8067a8742e6532ef3acc581a01679
+size 151128906
diff --git a/minigpt4/ft/Llama-2-7b-chat-hf/20240613170/checkpoint_4.pth b/minigpt4/ft/Llama-2-7b-chat-hf/20240613170/checkpoint_4.pth
new file mode 100644
index 0000000000000000000000000000000000000000..32faffe4005232106b81363e68585e0f3730221f
--- /dev/null
+++ b/minigpt4/ft/Llama-2-7b-chat-hf/20240613170/checkpoint_4.pth
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7424a5f51a0379a32c9d23386865da99419acb3b38f0669e6c7b2e38ea353577
+size 151128906
diff --git a/minigpt4/ft/Llama-2-7b-chat-hf/20240613170/checkpoint_5.pth b/minigpt4/ft/Llama-2-7b-chat-hf/20240613170/checkpoint_5.pth
new file mode 100644
index 0000000000000000000000000000000000000000..6fbac0624790df3546a767949d3bce0a69c601d6
--- /dev/null
+++ b/minigpt4/ft/Llama-2-7b-chat-hf/20240613170/checkpoint_5.pth
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0823a7972734447f22669e8ff406c60f1ab285dcde2d63a1524f4b0900dc1bac
+size 151128906
diff --git a/minigpt4/ft/Llama-2-7b-chat-hf/20240613170/checkpoint_6.pth b/minigpt4/ft/Llama-2-7b-chat-hf/20240613170/checkpoint_6.pth
new file mode 100644
index 0000000000000000000000000000000000000000..b98d055d30f7dc66dff562cf1e2c8c922e44c63d
--- /dev/null
+++ b/minigpt4/ft/Llama-2-7b-chat-hf/20240613170/checkpoint_6.pth
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c419ac44bce479ccb003883d1c48e65e81c17d58129909824bc42a82747bde52
+size 151128906
diff --git a/minigpt4/ft/Llama-2-7b-chat-hf/20240613170/log.txt b/minigpt4/ft/Llama-2-7b-chat-hf/20240613170/log.txt
new file mode 100644
index 0000000000000000000000000000000000000000..705e86051149e8c68994291762a71a3f1a830e50
--- /dev/null
+++ b/minigpt4/ft/Llama-2-7b-chat-hf/20240613170/log.txt
@@ -0,0 +1,94 @@
+{
+ "run": {
+ "task": "image_text_pretrain",
+ "lr_sched": "linear_warmup_cosine_lr",
+ "init_lr": 1e-05,
+ "min_lr": 1e-06,
+ "warmup_lr": 1e-06,
+ "weight_decay": 0.05,
+ "max_epoch": 10,
+ "batch_size_train": 1,
+ "batch_size_eval": 1,
+ "num_workers": 12,
+ "warmup_steps": 5000,
+ "seed": 42,
+ "output_dir": "ft/Llama-2-7b-chat-hf/",
+ "amp": true,
+ "resume_ckpt_path": null,
+ "evaluate": false,
+ "train_splits": [
+ "train"
+ ],
+ "device": "cuda",
+ "world_size": 1,
+ "dist_url": "env://",
+ "distributed": true,
+ "stage": 2,
+ "rank": 0,
+ "gpu": 0,
+ "dist_backend": "nccl"
+ },
+ "model": {
+ "arch": "mini_gpt4",
+ "image_size": 224,
+ "drop_path_rate": 0,
+ "use_grad_checkpoint": false,
+ "vit_precision": "fp16",
+ "freeze_vit": true,
+ "freeze_qformer": true,
+ "num_query_token": 32,
+ "llama_model": "/home/ubuntu/ckpt/hf/Llama-2-7b-chat-hf/",
+ "prompt": "",
+ "model_type": "pretrain_vicuna",
+ "max_txt_len": 256,
+ "end_sym": "###",
+ "prompt_template": "###Human: {} ###Assistant: ",
+ "ckpt": "/home/ubuntu/proteinchat/minigpt4/output/Llama-2-7b-chat-hf/20240613010/checkpoint_2.pth"
+ },
+ "preprocess": {
+ "vis_processor": {
+ "train": {
+ "name": "blip2_image_train",
+ "image_size": 224
+ },
+ "eval": {
+ "name": "blip2_image_eval",
+ "image_size": 224
+ }
+ },
+ "text_processor": {
+ "train": {
+ "name": "blip_caption"
+ },
+ "eval": {
+ "name": "blip_caption"
+ }
+ }
+ },
+ "datasets": {
+ "cc_sbu_align": {
+ "data_type": "images",
+ "build_info": {
+ "storage": "PATH_TO_$cc_sbu_align"
+ },
+ "vis_processor": {
+ "train": {
+ "name": "blip2_image_train",
+ "image_size": 224
+ }
+ },
+ "text_processor": {
+ "train": {
+ "name": "blip_caption"
+ }
+ }
+ }
+ }
+}
+{"train_lr": "0.000", "train_loss": "0.815"}
+{"train_lr": "0.000", "train_loss": "0.648"}
+{"train_lr": "0.000", "train_loss": "0.589"}
+{"train_lr": "0.000", "train_loss": "0.540"}
+{"train_lr": "0.000", "train_loss": "0.498"}
+{"train_lr": "0.000", "train_loss": "0.461"}
+{"train_lr": "0.000", "train_loss": "0.429"}
diff --git a/minigpt4/ft/Meta-Llama-3-8B-Instruct-hf/20240609203/checkpoint_0.pth b/minigpt4/ft/Meta-Llama-3-8B-Instruct-hf/20240609203/checkpoint_0.pth
new file mode 100644
index 0000000000000000000000000000000000000000..7fabee9ec742b3ab48cd5eb4b3cafc0f58ce024a
--- /dev/null
+++ b/minigpt4/ft/Meta-Llama-3-8B-Instruct-hf/20240609203/checkpoint_0.pth
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:33cbba8929a4eeaba4a4fae4b25011e9b0f2f23df32fe10f818da760d13415a9
+size 151128970
diff --git a/minigpt4/ft/Meta-Llama-3-8B-Instruct-hf/20240609203/checkpoint_1.pth b/minigpt4/ft/Meta-Llama-3-8B-Instruct-hf/20240609203/checkpoint_1.pth
new file mode 100644
index 0000000000000000000000000000000000000000..74fd55134b7ffb10e68e81728bcb6802391e1936
--- /dev/null
+++ b/minigpt4/ft/Meta-Llama-3-8B-Instruct-hf/20240609203/checkpoint_1.pth
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3403cdc649f265d09b0f0df971120524dd77bb7bd59c9a0eea5fbc5c16d0a839
+size 151128970
diff --git a/minigpt4/ft/Meta-Llama-3-8B-Instruct-hf/20240609203/checkpoint_2.pth b/minigpt4/ft/Meta-Llama-3-8B-Instruct-hf/20240609203/checkpoint_2.pth
new file mode 100644
index 0000000000000000000000000000000000000000..b4be44243a3c20afdd9c383a7d78648138c03766
--- /dev/null
+++ b/minigpt4/ft/Meta-Llama-3-8B-Instruct-hf/20240609203/checkpoint_2.pth
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8822b7b3d63a6d7fc8364f461f4181f2b1fb6ed4c74790d77f0fb6f0b3668a8c
+size 151128970
diff --git a/minigpt4/ft/Meta-Llama-3-8B-Instruct-hf/20240609203/checkpoint_3.pth b/minigpt4/ft/Meta-Llama-3-8B-Instruct-hf/20240609203/checkpoint_3.pth
new file mode 100644
index 0000000000000000000000000000000000000000..c36537201cdae33f1beeec2cafa6be46c9552761
--- /dev/null
+++ b/minigpt4/ft/Meta-Llama-3-8B-Instruct-hf/20240609203/checkpoint_3.pth
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fe275e03e7b63d57c64818f8d57be57a0fa7ab4dcf6ff505118e78e5e752f6b0
+size 151128970
diff --git a/minigpt4/ft/Meta-Llama-3-8B-Instruct-hf/20240609203/checkpoint_4.pth b/minigpt4/ft/Meta-Llama-3-8B-Instruct-hf/20240609203/checkpoint_4.pth
new file mode 100644
index 0000000000000000000000000000000000000000..d389a8beb70e50636a2fcc1565ce95864ce9ca32
--- /dev/null
+++ b/minigpt4/ft/Meta-Llama-3-8B-Instruct-hf/20240609203/checkpoint_4.pth
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3e7039e97b46d54f05b1637c549688352ed840a046c7ae7fd8ab7263e7c96e8e
+size 151128970
diff --git a/minigpt4/ft/Meta-Llama-3-8B-Instruct-hf/20240609203/checkpoint_5.pth b/minigpt4/ft/Meta-Llama-3-8B-Instruct-hf/20240609203/checkpoint_5.pth
new file mode 100644
index 0000000000000000000000000000000000000000..192d21f8f92901ca2f9a4d36a88d45347285aec1
--- /dev/null
+++ b/minigpt4/ft/Meta-Llama-3-8B-Instruct-hf/20240609203/checkpoint_5.pth
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:bdf1f7100b8cad48ee7d03f87360d3cf1c8ce25332c7f660b78cec18462345d4
+size 151128970
diff --git a/minigpt4/ft/Meta-Llama-3-8B-Instruct-hf/20240609203/log.txt b/minigpt4/ft/Meta-Llama-3-8B-Instruct-hf/20240609203/log.txt
new file mode 100644
index 0000000000000000000000000000000000000000..da23ddd885637ff5cb9d0e6aa046a6707b6c5043
--- /dev/null
+++ b/minigpt4/ft/Meta-Llama-3-8B-Instruct-hf/20240609203/log.txt
@@ -0,0 +1,180 @@
+{
+ "run": {
+ "task": "image_text_pretrain",
+ "lr_sched": "linear_warmup_cosine_lr",
+ "init_lr": 1e-05,
+ "min_lr": 1e-06,
+ "warmup_lr": 1e-06,
+ "weight_decay": 0.05,
+ "max_epoch": 10,
+ "batch_size_train": 1,
+ "batch_size_eval": 1,
+ "num_workers": 12,
+ "warmup_steps": 500,
+ "seed": 42,
+ "output_dir": "ft/Meta-Llama-3-8B-Instruct-hf/",
+ "amp": true,
+ "resume_ckpt_path": null,
+ "evaluate": false,
+ "train_splits": [
+ "train"
+ ],
+ "device": "cuda",
+ "world_size": 1,
+ "dist_url": "env://",
+ "distributed": true,
+ "stage": 2,
+ "rank": 0,
+ "gpu": 0,
+ "dist_backend": "nccl"
+ },
+ "model": {
+ "arch": "mini_gpt4",
+ "image_size": 224,
+ "drop_path_rate": 0,
+ "use_grad_checkpoint": false,
+ "vit_precision": "fp16",
+ "freeze_vit": true,
+ "freeze_qformer": true,
+ "num_query_token": 32,
+ "llama_model": "/home/ubuntu/ckpt/hf/Meta-Llama-3-8B-Instruct-hf/",
+ "prompt": "",
+ "model_type": "pretrain_vicuna",
+ "max_txt_len": 256,
+ "end_sym": "###",
+ "prompt_template": "###Human: {} ###Assistant: ",
+ "ckpt": "/home/ubuntu/proteinchat/minigpt4/output/Meta-Llama-3-8B-Instruct-hf/20240606190/checkpoint_2.pth"
+ },
+ "preprocess": {
+ "vis_processor": {
+ "train": {
+ "name": "blip2_image_train",
+ "image_size": 224
+ },
+ "eval": {
+ "name": "blip2_image_eval",
+ "image_size": 224
+ }
+ },
+ "text_processor": {
+ "train": {
+ "name": "blip_caption"
+ },
+ "eval": {
+ "name": "blip_caption"
+ }
+ }
+ },
+ "datasets": {
+ "cc_sbu_align": {
+ "data_type": "images",
+ "build_info": {
+ "storage": "PATH_TO_$cc_sbu_align"
+ },
+ "vis_processor": {
+ "train": {
+ "name": "blip2_image_train",
+ "image_size": 224
+ }
+ },
+ "text_processor": {
+ "train": {
+ "name": "blip_caption"
+ }
+ }
+ }
+ }
+}
+{
+ "run": {
+ "task": "image_text_pretrain",
+ "lr_sched": "linear_warmup_cosine_lr",
+ "init_lr": 1e-05,
+ "min_lr": 1e-06,
+ "warmup_lr": 1e-06,
+ "weight_decay": 0.05,
+ "max_epoch": 10,
+ "batch_size_train": 1,
+ "batch_size_eval": 1,
+ "num_workers": 12,
+ "warmup_steps": 5000,
+ "seed": 42,
+ "output_dir": "ft/Meta-Llama-3-8B-Instruct-hf/",
+ "amp": true,
+ "resume_ckpt_path": null,
+ "evaluate": false,
+ "train_splits": [
+ "train"
+ ],
+ "device": "cuda",
+ "world_size": 1,
+ "dist_url": "env://",
+ "distributed": true,
+ "stage": 2,
+ "rank": 0,
+ "gpu": 0,
+ "dist_backend": "nccl"
+ },
+ "model": {
+ "arch": "mini_gpt4",
+ "image_size": 224,
+ "drop_path_rate": 0,
+ "use_grad_checkpoint": false,
+ "vit_precision": "fp16",
+ "freeze_vit": true,
+ "freeze_qformer": true,
+ "num_query_token": 32,
+ "llama_model": "/home/ubuntu/ckpt/hf/Meta-Llama-3-8B-Instruct-hf/",
+ "prompt": "",
+ "model_type": "pretrain_vicuna",
+ "max_txt_len": 256,
+ "end_sym": "###",
+ "prompt_template": "###Human: {} ###Assistant: ",
+ "ckpt": "/home/ubuntu/proteinchat/minigpt4/output/Meta-Llama-3-8B-Instruct-hf/20240606190/checkpoint_2.pth"
+ },
+ "preprocess": {
+ "vis_processor": {
+ "train": {
+ "name": "blip2_image_train",
+ "image_size": 224
+ },
+ "eval": {
+ "name": "blip2_image_eval",
+ "image_size": 224
+ }
+ },
+ "text_processor": {
+ "train": {
+ "name": "blip_caption"
+ },
+ "eval": {
+ "name": "blip_caption"
+ }
+ }
+ },
+ "datasets": {
+ "cc_sbu_align": {
+ "data_type": "images",
+ "build_info": {
+ "storage": "PATH_TO_$cc_sbu_align"
+ },
+ "vis_processor": {
+ "train": {
+ "name": "blip2_image_train",
+ "image_size": 224
+ }
+ },
+ "text_processor": {
+ "train": {
+ "name": "blip_caption"
+ }
+ }
+ }
+ }
+}
+{"train_lr": "0.000", "train_loss": "1.119"}
+{"train_lr": "0.000", "train_loss": "0.898"}
+{"train_lr": "0.000", "train_loss": "0.796"}
+{"train_lr": "0.000", "train_loss": "0.697"}
+{"train_lr": "0.000", "train_loss": "0.606"}
+{"train_lr": "0.000", "train_loss": "0.524"}
diff --git a/minigpt4/models/Qformer.py b/minigpt4/models/Qformer.py
new file mode 100644
index 0000000000000000000000000000000000000000..e71b12375e10511858a9c505dc795181e6ce5603
--- /dev/null
+++ b/minigpt4/models/Qformer.py
@@ -0,0 +1,1216 @@
+"""
+ * Copyright (c) 2023, salesforce.com, inc.
+ * All rights reserved.
+ * SPDX-License-Identifier: BSD-3-Clause
+ * For full license text, see LICENSE.txt file in the repo root or https://opensource.org/licenses/BSD-3-Clause
+ * By Junnan Li
+ * Based on huggingface code base
+ * https://github.com/huggingface/transformers/blob/v4.15.0/src/transformers/models/bert
+"""
+
+import math
+import os
+import warnings
+from dataclasses import dataclass
+from typing import Optional, Tuple, Dict, Any
+
+import torch
+from torch import Tensor, device, dtype, nn
+import torch.utils.checkpoint
+from torch import nn
+from torch.nn import CrossEntropyLoss
+import torch.nn.functional as F
+
+from transformers.activations import ACT2FN
+from transformers.file_utils import (
+ ModelOutput,
+)
+from transformers.modeling_outputs import (
+ BaseModelOutputWithPastAndCrossAttentions,
+ BaseModelOutputWithPoolingAndCrossAttentions,
+ CausalLMOutputWithCrossAttentions,
+ MaskedLMOutput,
+ MultipleChoiceModelOutput,
+ NextSentencePredictorOutput,
+ QuestionAnsweringModelOutput,
+ SequenceClassifierOutput,
+ TokenClassifierOutput,
+)
+from transformers.modeling_utils import (
+ PreTrainedModel,
+ apply_chunking_to_forward,
+ find_pruneable_heads_and_indices,
+ prune_linear_layer,
+)
+from transformers.utils import logging
+from transformers.models.bert.configuration_bert import BertConfig
+
+logger = logging.get_logger(__name__)
+
+
+class BertEmbeddings(nn.Module):
+ """Construct the embeddings from word and position embeddings."""
+
+ def __init__(self, config):
+ super().__init__()
+ self.word_embeddings = nn.Embedding(
+ config.vocab_size, config.hidden_size, padding_idx=config.pad_token_id
+ )
+ self.position_embeddings = nn.Embedding(
+ config.max_position_embeddings, config.hidden_size
+ )
+
+ # self.LayerNorm is not snake-cased to stick with TensorFlow model variable name and be able to load
+ # any TensorFlow checkpoint file
+ self.LayerNorm = nn.LayerNorm(config.hidden_size, eps=config.layer_norm_eps)
+ self.dropout = nn.Dropout(config.hidden_dropout_prob)
+
+ # position_ids (1, len position emb) is contiguous in memory and exported when serialized
+ self.register_buffer(
+ "position_ids", torch.arange(config.max_position_embeddings).expand((1, -1))
+ )
+ self.position_embedding_type = getattr(
+ config, "position_embedding_type", "absolute"
+ )
+
+ self.config = config
+
+ def forward(
+ self,
+ input_ids=None,
+ position_ids=None,
+ query_embeds=None,
+ past_key_values_length=0,
+ ):
+ if input_ids is not None:
+ seq_length = input_ids.size()[1]
+ else:
+ seq_length = 0
+
+ if position_ids is None:
+ position_ids = self.position_ids[
+ :, past_key_values_length : seq_length + past_key_values_length
+ ].clone()
+
+ if input_ids is not None:
+ embeddings = self.word_embeddings(input_ids)
+ if self.position_embedding_type == "absolute":
+ position_embeddings = self.position_embeddings(position_ids)
+ embeddings = embeddings + position_embeddings
+
+ if query_embeds is not None:
+ embeddings = torch.cat((query_embeds, embeddings), dim=1)
+ else:
+ embeddings = query_embeds
+
+ embeddings = self.LayerNorm(embeddings)
+ embeddings = self.dropout(embeddings)
+ return embeddings
+
+
+class BertSelfAttention(nn.Module):
+ def __init__(self, config, is_cross_attention):
+ super().__init__()
+ self.config = config
+ if config.hidden_size % config.num_attention_heads != 0 and not hasattr(
+ config, "embedding_size"
+ ):
+ raise ValueError(
+ "The hidden size (%d) is not a multiple of the number of attention "
+ "heads (%d)" % (config.hidden_size, config.num_attention_heads)
+ )
+
+ self.num_attention_heads = config.num_attention_heads
+ self.attention_head_size = int(config.hidden_size / config.num_attention_heads)
+ self.all_head_size = self.num_attention_heads * self.attention_head_size
+
+ self.query = nn.Linear(config.hidden_size, self.all_head_size)
+ if is_cross_attention:
+ self.key = nn.Linear(config.encoder_width, self.all_head_size)
+ self.value = nn.Linear(config.encoder_width, self.all_head_size)
+ else:
+ self.key = nn.Linear(config.hidden_size, self.all_head_size)
+ self.value = nn.Linear(config.hidden_size, self.all_head_size)
+
+ self.dropout = nn.Dropout(config.attention_probs_dropout_prob)
+ self.position_embedding_type = getattr(
+ config, "position_embedding_type", "absolute"
+ )
+ if (
+ self.position_embedding_type == "relative_key"
+ or self.position_embedding_type == "relative_key_query"
+ ):
+ self.max_position_embeddings = config.max_position_embeddings
+ self.distance_embedding = nn.Embedding(
+ 2 * config.max_position_embeddings - 1, self.attention_head_size
+ )
+ self.save_attention = False
+
+ def save_attn_gradients(self, attn_gradients):
+ self.attn_gradients = attn_gradients
+
+ def get_attn_gradients(self):
+ return self.attn_gradients
+
+ def save_attention_map(self, attention_map):
+ self.attention_map = attention_map
+
+ def get_attention_map(self):
+ return self.attention_map
+
+ def transpose_for_scores(self, x):
+ new_x_shape = x.size()[:-1] + (
+ self.num_attention_heads,
+ self.attention_head_size,
+ )
+ x = x.view(*new_x_shape)
+ return x.permute(0, 2, 1, 3)
+
+ def forward(
+ self,
+ hidden_states,
+ attention_mask=None,
+ head_mask=None,
+ encoder_hidden_states=None,
+ encoder_attention_mask=None,
+ past_key_value=None,
+ output_attentions=False,
+ ):
+
+ # If this is instantiated as a cross-attention module, the keys
+ # and values come from an encoder; the attention mask needs to be
+ # such that the encoder's padding tokens are not attended to.
+ is_cross_attention = encoder_hidden_states is not None
+
+ if is_cross_attention:
+ key_layer = self.transpose_for_scores(self.key(encoder_hidden_states))
+ value_layer = self.transpose_for_scores(self.value(encoder_hidden_states))
+ attention_mask = encoder_attention_mask
+ elif past_key_value is not None:
+ key_layer = self.transpose_for_scores(self.key(hidden_states))
+ value_layer = self.transpose_for_scores(self.value(hidden_states))
+ key_layer = torch.cat([past_key_value[0], key_layer], dim=2)
+ value_layer = torch.cat([past_key_value[1], value_layer], dim=2)
+ else:
+ key_layer = self.transpose_for_scores(self.key(hidden_states))
+ value_layer = self.transpose_for_scores(self.value(hidden_states))
+
+ mixed_query_layer = self.query(hidden_states)
+
+ query_layer = self.transpose_for_scores(mixed_query_layer)
+
+ past_key_value = (key_layer, value_layer)
+
+ # Take the dot product between "query" and "key" to get the raw attention scores.
+ attention_scores = torch.matmul(query_layer, key_layer.transpose(-1, -2))
+
+ if (
+ self.position_embedding_type == "relative_key"
+ or self.position_embedding_type == "relative_key_query"
+ ):
+ seq_length = hidden_states.size()[1]
+ position_ids_l = torch.arange(
+ seq_length, dtype=torch.long, device=hidden_states.device
+ ).view(-1, 1)
+ position_ids_r = torch.arange(
+ seq_length, dtype=torch.long, device=hidden_states.device
+ ).view(1, -1)
+ distance = position_ids_l - position_ids_r
+ positional_embedding = self.distance_embedding(
+ distance + self.max_position_embeddings - 1
+ )
+ positional_embedding = positional_embedding.to(
+ dtype=query_layer.dtype
+ ) # fp16 compatibility
+
+ if self.position_embedding_type == "relative_key":
+ relative_position_scores = torch.einsum(
+ "bhld,lrd->bhlr", query_layer, positional_embedding
+ )
+ attention_scores = attention_scores + relative_position_scores
+ elif self.position_embedding_type == "relative_key_query":
+ relative_position_scores_query = torch.einsum(
+ "bhld,lrd->bhlr", query_layer, positional_embedding
+ )
+ relative_position_scores_key = torch.einsum(
+ "bhrd,lrd->bhlr", key_layer, positional_embedding
+ )
+ attention_scores = (
+ attention_scores
+ + relative_position_scores_query
+ + relative_position_scores_key
+ )
+
+ attention_scores = attention_scores / math.sqrt(self.attention_head_size)
+ if attention_mask is not None:
+ # Apply the attention mask is (precomputed for all layers in BertModel forward() function)
+ attention_scores = attention_scores + attention_mask
+
+ # Normalize the attention scores to probabilities.
+ attention_probs = nn.Softmax(dim=-1)(attention_scores)
+
+ if is_cross_attention and self.save_attention:
+ self.save_attention_map(attention_probs)
+ attention_probs.register_hook(self.save_attn_gradients)
+
+ # This is actually dropping out entire tokens to attend to, which might
+ # seem a bit unusual, but is taken from the original Transformer paper.
+ attention_probs_dropped = self.dropout(attention_probs)
+
+ # Mask heads if we want to
+ if head_mask is not None:
+ attention_probs_dropped = attention_probs_dropped * head_mask
+
+ context_layer = torch.matmul(attention_probs_dropped, value_layer)
+
+ context_layer = context_layer.permute(0, 2, 1, 3).contiguous()
+ new_context_layer_shape = context_layer.size()[:-2] + (self.all_head_size,)
+ context_layer = context_layer.view(*new_context_layer_shape)
+
+ outputs = (
+ (context_layer, attention_probs) if output_attentions else (context_layer,)
+ )
+
+ outputs = outputs + (past_key_value,)
+ return outputs
+
+
+class BertSelfOutput(nn.Module):
+ def __init__(self, config):
+ super().__init__()
+ self.dense = nn.Linear(config.hidden_size, config.hidden_size)
+ self.LayerNorm = nn.LayerNorm(config.hidden_size, eps=config.layer_norm_eps)
+ self.dropout = nn.Dropout(config.hidden_dropout_prob)
+
+ def forward(self, hidden_states, input_tensor):
+ hidden_states = self.dense(hidden_states)
+ hidden_states = self.dropout(hidden_states)
+ hidden_states = self.LayerNorm(hidden_states + input_tensor)
+ return hidden_states
+
+
+class BertAttention(nn.Module):
+ def __init__(self, config, is_cross_attention=False):
+ super().__init__()
+ self.self = BertSelfAttention(config, is_cross_attention)
+ self.output = BertSelfOutput(config)
+ self.pruned_heads = set()
+
+ def prune_heads(self, heads):
+ if len(heads) == 0:
+ return
+ heads, index = find_pruneable_heads_and_indices(
+ heads,
+ self.self.num_attention_heads,
+ self.self.attention_head_size,
+ self.pruned_heads,
+ )
+
+ # Prune linear layers
+ self.self.query = prune_linear_layer(self.self.query, index)
+ self.self.key = prune_linear_layer(self.self.key, index)
+ self.self.value = prune_linear_layer(self.self.value, index)
+ self.output.dense = prune_linear_layer(self.output.dense, index, dim=1)
+
+ # Update hyper params and store pruned heads
+ self.self.num_attention_heads = self.self.num_attention_heads - len(heads)
+ self.self.all_head_size = (
+ self.self.attention_head_size * self.self.num_attention_heads
+ )
+ self.pruned_heads = self.pruned_heads.union(heads)
+
+ def forward(
+ self,
+ hidden_states,
+ attention_mask=None,
+ head_mask=None,
+ encoder_hidden_states=None,
+ encoder_attention_mask=None,
+ past_key_value=None,
+ output_attentions=False,
+ ):
+ self_outputs = self.self(
+ hidden_states,
+ attention_mask,
+ head_mask,
+ encoder_hidden_states,
+ encoder_attention_mask,
+ past_key_value,
+ output_attentions,
+ )
+ attention_output = self.output(self_outputs[0], hidden_states)
+
+ outputs = (attention_output,) + self_outputs[
+ 1:
+ ] # add attentions if we output them
+ return outputs
+
+
+class BertIntermediate(nn.Module):
+ def __init__(self, config):
+ super().__init__()
+ self.dense = nn.Linear(config.hidden_size, config.intermediate_size)
+ if isinstance(config.hidden_act, str):
+ self.intermediate_act_fn = ACT2FN[config.hidden_act]
+ else:
+ self.intermediate_act_fn = config.hidden_act
+
+ def forward(self, hidden_states):
+ hidden_states = self.dense(hidden_states)
+ hidden_states = self.intermediate_act_fn(hidden_states)
+ return hidden_states
+
+
+class BertOutput(nn.Module):
+ def __init__(self, config):
+ super().__init__()
+ self.dense = nn.Linear(config.intermediate_size, config.hidden_size)
+ self.LayerNorm = nn.LayerNorm(config.hidden_size, eps=config.layer_norm_eps)
+ self.dropout = nn.Dropout(config.hidden_dropout_prob)
+
+ def forward(self, hidden_states, input_tensor):
+ hidden_states = self.dense(hidden_states)
+ hidden_states = self.dropout(hidden_states)
+ hidden_states = self.LayerNorm(hidden_states + input_tensor)
+ return hidden_states
+
+
+class BertLayer(nn.Module):
+ def __init__(self, config, layer_num):
+ super().__init__()
+ self.config = config
+ self.chunk_size_feed_forward = config.chunk_size_feed_forward
+ self.seq_len_dim = 1
+ self.attention = BertAttention(config)
+ self.layer_num = layer_num
+ if (
+ self.config.add_cross_attention
+ and layer_num % self.config.cross_attention_freq == 0
+ ):
+ self.crossattention = BertAttention(
+ config, is_cross_attention=self.config.add_cross_attention
+ )
+ self.has_cross_attention = True
+ else:
+ self.has_cross_attention = False
+ self.intermediate = BertIntermediate(config)
+ self.output = BertOutput(config)
+
+ self.intermediate_query = BertIntermediate(config)
+ self.output_query = BertOutput(config)
+
+ def forward(
+ self,
+ hidden_states,
+ attention_mask=None,
+ head_mask=None,
+ encoder_hidden_states=None,
+ encoder_attention_mask=None,
+ past_key_value=None,
+ output_attentions=False,
+ query_length=0,
+ ):
+ # decoder uni-directional self-attention cached key/values tuple is at positions 1,2
+ self_attn_past_key_value = (
+ past_key_value[:2] if past_key_value is not None else None
+ )
+ self_attention_outputs = self.attention(
+ hidden_states,
+ attention_mask,
+ head_mask,
+ output_attentions=output_attentions,
+ past_key_value=self_attn_past_key_value,
+ )
+ attention_output = self_attention_outputs[0]
+ outputs = self_attention_outputs[1:-1]
+
+ present_key_value = self_attention_outputs[-1]
+
+ if query_length > 0:
+ query_attention_output = attention_output[:, :query_length, :]
+
+ if self.has_cross_attention:
+ assert (
+ encoder_hidden_states is not None
+ ), "encoder_hidden_states must be given for cross-attention layers"
+ cross_attention_outputs = self.crossattention(
+ query_attention_output,
+ attention_mask,
+ head_mask,
+ encoder_hidden_states,
+ encoder_attention_mask,
+ output_attentions=output_attentions,
+ )
+ query_attention_output = cross_attention_outputs[0]
+ outputs = (
+ outputs + cross_attention_outputs[1:-1]
+ ) # add cross attentions if we output attention weights
+
+ layer_output = apply_chunking_to_forward(
+ self.feed_forward_chunk_query,
+ self.chunk_size_feed_forward,
+ self.seq_len_dim,
+ query_attention_output,
+ )
+ if attention_output.shape[1] > query_length:
+ layer_output_text = apply_chunking_to_forward(
+ self.feed_forward_chunk,
+ self.chunk_size_feed_forward,
+ self.seq_len_dim,
+ attention_output[:, query_length:, :],
+ )
+ layer_output = torch.cat([layer_output, layer_output_text], dim=1)
+ else:
+ layer_output = apply_chunking_to_forward(
+ self.feed_forward_chunk,
+ self.chunk_size_feed_forward,
+ self.seq_len_dim,
+ attention_output,
+ )
+ outputs = (layer_output,) + outputs
+
+ outputs = outputs + (present_key_value,)
+
+ return outputs
+
+ def feed_forward_chunk(self, attention_output):
+ intermediate_output = self.intermediate(attention_output)
+ layer_output = self.output(intermediate_output, attention_output)
+ return layer_output
+
+ def feed_forward_chunk_query(self, attention_output):
+ intermediate_output = self.intermediate_query(attention_output)
+ layer_output = self.output_query(intermediate_output, attention_output)
+ return layer_output
+
+
+class BertEncoder(nn.Module):
+ def __init__(self, config):
+ super().__init__()
+ self.config = config
+ self.layer = nn.ModuleList(
+ [BertLayer(config, i) for i in range(config.num_hidden_layers)]
+ )
+
+ def forward(
+ self,
+ hidden_states,
+ attention_mask=None,
+ head_mask=None,
+ encoder_hidden_states=None,
+ encoder_attention_mask=None,
+ past_key_values=None,
+ use_cache=None,
+ output_attentions=False,
+ output_hidden_states=False,
+ return_dict=True,
+ query_length=0,
+ ):
+ all_hidden_states = () if output_hidden_states else None
+ all_self_attentions = () if output_attentions else None
+ all_cross_attentions = (
+ () if output_attentions and self.config.add_cross_attention else None
+ )
+
+ next_decoder_cache = () if use_cache else None
+
+ for i in range(self.config.num_hidden_layers):
+ layer_module = self.layer[i]
+ if output_hidden_states:
+ all_hidden_states = all_hidden_states + (hidden_states,)
+
+ layer_head_mask = head_mask[i] if head_mask is not None else None
+ past_key_value = past_key_values[i] if past_key_values is not None else None
+
+ if getattr(self.config, "gradient_checkpointing", False) and self.training:
+
+ if use_cache:
+ logger.warn(
+ "`use_cache=True` is incompatible with gradient checkpointing. Setting `use_cache=False`..."
+ )
+ use_cache = False
+
+ def create_custom_forward(module):
+ def custom_forward(*inputs):
+ return module(
+ *inputs, past_key_value, output_attentions, query_length
+ )
+
+ return custom_forward
+
+ layer_outputs = torch.utils.checkpoint.checkpoint(
+ create_custom_forward(layer_module),
+ hidden_states,
+ attention_mask,
+ layer_head_mask,
+ encoder_hidden_states,
+ encoder_attention_mask,
+ )
+ else:
+ layer_outputs = layer_module(
+ hidden_states,
+ attention_mask,
+ layer_head_mask,
+ encoder_hidden_states,
+ encoder_attention_mask,
+ past_key_value,
+ output_attentions,
+ query_length,
+ )
+
+ hidden_states = layer_outputs[0]
+ if use_cache:
+ next_decoder_cache += (layer_outputs[-1],)
+ if output_attentions:
+ all_self_attentions = all_self_attentions + (layer_outputs[1],)
+ all_cross_attentions = all_cross_attentions + (layer_outputs[2],)
+
+ if output_hidden_states:
+ all_hidden_states = all_hidden_states + (hidden_states,)
+
+ if not return_dict:
+ return tuple(
+ v
+ for v in [
+ hidden_states,
+ next_decoder_cache,
+ all_hidden_states,
+ all_self_attentions,
+ all_cross_attentions,
+ ]
+ if v is not None
+ )
+ return BaseModelOutputWithPastAndCrossAttentions(
+ last_hidden_state=hidden_states,
+ past_key_values=next_decoder_cache,
+ hidden_states=all_hidden_states,
+ attentions=all_self_attentions,
+ cross_attentions=all_cross_attentions,
+ )
+
+
+class BertPooler(nn.Module):
+ def __init__(self, config):
+ super().__init__()
+ self.dense = nn.Linear(config.hidden_size, config.hidden_size)
+ self.activation = nn.Tanh()
+
+ def forward(self, hidden_states):
+ # We "pool" the model by simply taking the hidden state corresponding
+ # to the first token.
+ first_token_tensor = hidden_states[:, 0]
+ pooled_output = self.dense(first_token_tensor)
+ pooled_output = self.activation(pooled_output)
+ return pooled_output
+
+
+class BertPredictionHeadTransform(nn.Module):
+ def __init__(self, config):
+ super().__init__()
+ self.dense = nn.Linear(config.hidden_size, config.hidden_size)
+ if isinstance(config.hidden_act, str):
+ self.transform_act_fn = ACT2FN[config.hidden_act]
+ else:
+ self.transform_act_fn = config.hidden_act
+ self.LayerNorm = nn.LayerNorm(config.hidden_size, eps=config.layer_norm_eps)
+
+ def forward(self, hidden_states):
+ hidden_states = self.dense(hidden_states)
+ hidden_states = self.transform_act_fn(hidden_states)
+ hidden_states = self.LayerNorm(hidden_states)
+ return hidden_states
+
+
+class BertLMPredictionHead(nn.Module):
+ def __init__(self, config):
+ super().__init__()
+ self.transform = BertPredictionHeadTransform(config)
+
+ # The output weights are the same as the input embeddings, but there is
+ # an output-only bias for each token.
+ self.decoder = nn.Linear(config.hidden_size, config.vocab_size, bias=False)
+
+ self.bias = nn.Parameter(torch.zeros(config.vocab_size))
+
+ # Need a link between the two variables so that the bias is correctly resized with `resize_token_embeddings`
+ self.decoder.bias = self.bias
+
+ def forward(self, hidden_states):
+ hidden_states = self.transform(hidden_states)
+ hidden_states = self.decoder(hidden_states)
+ return hidden_states
+
+
+class BertOnlyMLMHead(nn.Module):
+ def __init__(self, config):
+ super().__init__()
+ self.predictions = BertLMPredictionHead(config)
+
+ def forward(self, sequence_output):
+ prediction_scores = self.predictions(sequence_output)
+ return prediction_scores
+
+
+class BertPreTrainedModel(PreTrainedModel):
+ """
+ An abstract class to handle weights initialization and a simple interface for downloading and loading pretrained
+ models.
+ """
+
+ config_class = BertConfig
+ base_model_prefix = "bert"
+ _keys_to_ignore_on_load_missing = [r"position_ids"]
+
+ def _init_weights(self, module):
+ """Initialize the weights"""
+ if isinstance(module, (nn.Linear, nn.Embedding)):
+ # Slightly different from the TF version which uses truncated_normal for initialization
+ # cf https://github.com/pytorch/pytorch/pull/5617
+ module.weight.data.normal_(mean=0.0, std=self.config.initializer_range)
+ elif isinstance(module, nn.LayerNorm):
+ module.bias.data.zero_()
+ module.weight.data.fill_(1.0)
+ if isinstance(module, nn.Linear) and module.bias is not None:
+ module.bias.data.zero_()
+
+
+class BertModel(BertPreTrainedModel):
+ """
+ The model can behave as an encoder (with only self-attention) as well as a decoder, in which case a layer of
+ cross-attention is added between the self-attention layers, following the architecture described in `Attention is
+ all you need `__ by Ashish Vaswani, Noam Shazeer, Niki Parmar, Jakob Uszkoreit,
+ Llion Jones, Aidan N. Gomez, Lukasz Kaiser and Illia Polosukhin.
+ argument and :obj:`add_cross_attention` set to :obj:`True`; an :obj:`encoder_hidden_states` is then expected as an
+ input to the forward pass.
+ """
+
+ def __init__(self, config, add_pooling_layer=False):
+ super().__init__(config)
+ self.config = config
+
+ self.embeddings = BertEmbeddings(config)
+
+ self.encoder = BertEncoder(config)
+
+ self.pooler = BertPooler(config) if add_pooling_layer else None
+
+ self.init_weights()
+
+ def get_input_embeddings(self):
+ return self.embeddings.word_embeddings
+
+ def set_input_embeddings(self, value):
+ self.embeddings.word_embeddings = value
+
+ def _prune_heads(self, heads_to_prune):
+ """
+ Prunes heads of the model. heads_to_prune: dict of {layer_num: list of heads to prune in this layer} See base
+ class PreTrainedModel
+ """
+ for layer, heads in heads_to_prune.items():
+ self.encoder.layer[layer].attention.prune_heads(heads)
+
+ def get_extended_attention_mask(
+ self,
+ attention_mask: Tensor,
+ input_shape: Tuple[int],
+ device: device,
+ is_decoder: bool,
+ has_query: bool = False,
+ ) -> Tensor:
+ """
+ Makes broadcastable attention and causal masks so that future and masked tokens are ignored.
+
+ Arguments:
+ attention_mask (:obj:`torch.Tensor`):
+ Mask with ones indicating tokens to attend to, zeros for tokens to ignore.
+ input_shape (:obj:`Tuple[int]`):
+ The shape of the input to the model.
+ device: (:obj:`torch.device`):
+ The device of the input to the model.
+
+ Returns:
+ :obj:`torch.Tensor` The extended attention mask, with a the same dtype as :obj:`attention_mask.dtype`.
+ """
+ # We can provide a self-attention mask of dimensions [batch_size, from_seq_length, to_seq_length]
+ # ourselves in which case we just need to make it broadcastable to all heads.
+ if attention_mask.dim() == 3:
+ extended_attention_mask = attention_mask[:, None, :, :]
+ elif attention_mask.dim() == 2:
+ # Provided a padding mask of dimensions [batch_size, seq_length]
+ # - if the model is a decoder, apply a causal mask in addition to the padding mask
+ # - if the model is an encoder, make the mask broadcastable to [batch_size, num_heads, seq_length, seq_length]
+ if is_decoder:
+ batch_size, seq_length = input_shape
+
+ seq_ids = torch.arange(seq_length, device=device)
+ causal_mask = (
+ seq_ids[None, None, :].repeat(batch_size, seq_length, 1)
+ <= seq_ids[None, :, None]
+ )
+
+ # add a prefix ones mask to the causal mask
+ # causal and attention masks must have same type with pytorch version < 1.3
+ causal_mask = causal_mask.to(attention_mask.dtype)
+
+ if causal_mask.shape[1] < attention_mask.shape[1]:
+ prefix_seq_len = attention_mask.shape[1] - causal_mask.shape[1]
+ if has_query: # UniLM style attention mask
+ causal_mask = torch.cat(
+ [
+ torch.zeros(
+ (batch_size, prefix_seq_len, seq_length),
+ device=device,
+ dtype=causal_mask.dtype,
+ ),
+ causal_mask,
+ ],
+ axis=1,
+ )
+ causal_mask = torch.cat(
+ [
+ torch.ones(
+ (batch_size, causal_mask.shape[1], prefix_seq_len),
+ device=device,
+ dtype=causal_mask.dtype,
+ ),
+ causal_mask,
+ ],
+ axis=-1,
+ )
+ extended_attention_mask = (
+ causal_mask[:, None, :, :] * attention_mask[:, None, None, :]
+ )
+ else:
+ extended_attention_mask = attention_mask[:, None, None, :]
+ else:
+ raise ValueError(
+ "Wrong shape for input_ids (shape {}) or attention_mask (shape {})".format(
+ input_shape, attention_mask.shape
+ )
+ )
+
+ # Since attention_mask is 1.0 for positions we want to attend and 0.0 for
+ # masked positions, this operation will create a tensor which is 0.0 for
+ # positions we want to attend and -10000.0 for masked positions.
+ # Since we are adding it to the raw scores before the softmax, this is
+ # effectively the same as removing these entirely.
+ extended_attention_mask = extended_attention_mask.to(
+ dtype=self.dtype
+ ) # fp16 compatibility
+ extended_attention_mask = (1.0 - extended_attention_mask) * -10000.0
+ return extended_attention_mask
+
+ def forward(
+ self,
+ input_ids=None,
+ attention_mask=None,
+ position_ids=None,
+ head_mask=None,
+ query_embeds=None,
+ encoder_hidden_states=None,
+ encoder_attention_mask=None,
+ past_key_values=None,
+ use_cache=None,
+ output_attentions=None,
+ output_hidden_states=None,
+ return_dict=None,
+ is_decoder=False,
+ ):
+ r"""
+ encoder_hidden_states (:obj:`torch.FloatTensor` of shape :obj:`(batch_size, sequence_length, hidden_size)`, `optional`):
+ Sequence of hidden-states at the output of the last layer of the encoder. Used in the cross-attention if
+ the model is configured as a decoder.
+ encoder_attention_mask (:obj:`torch.FloatTensor` of shape :obj:`(batch_size, sequence_length)`, `optional`):
+ Mask to avoid performing attention on the padding token indices of the encoder input. This mask is used in
+ the cross-attention if the model is configured as a decoder. Mask values selected in ``[0, 1]``:
+ - 1 for tokens that are **not masked**,
+ - 0 for tokens that are **masked**.
+ past_key_values (:obj:`tuple(tuple(torch.FloatTensor))` of length :obj:`config.n_layers` with each tuple having 4 tensors of shape :obj:`(batch_size, num_heads, sequence_length - 1, embed_size_per_head)`):
+ Contains precomputed key and value hidden states of the attention blocks. Can be used to speed up decoding.
+ If :obj:`past_key_values` are used, the user can optionally input only the last :obj:`decoder_input_ids`
+ (those that don't have their past key value states given to this model) of shape :obj:`(batch_size, 1)`
+ instead of all :obj:`decoder_input_ids` of shape :obj:`(batch_size, sequence_length)`.
+ use_cache (:obj:`bool`, `optional`):
+ If set to :obj:`True`, :obj:`past_key_values` key value states are returned and can be used to speed up
+ decoding (see :obj:`past_key_values`).
+ """
+ output_attentions = (
+ output_attentions
+ if output_attentions is not None
+ else self.config.output_attentions
+ )
+ output_hidden_states = (
+ output_hidden_states
+ if output_hidden_states is not None
+ else self.config.output_hidden_states
+ )
+ return_dict = (
+ return_dict if return_dict is not None else self.config.use_return_dict
+ )
+
+ # use_cache = use_cache if use_cache is not None else self.config.use_cache
+
+ if input_ids is None:
+ assert (
+ query_embeds is not None
+ ), "You have to specify query_embeds when input_ids is None"
+
+ # past_key_values_length
+ past_key_values_length = (
+ past_key_values[0][0].shape[2] - self.config.query_length
+ if past_key_values is not None
+ else 0
+ )
+
+ query_length = query_embeds.shape[1] if query_embeds is not None else 0
+
+ embedding_output = self.embeddings(
+ input_ids=input_ids,
+ position_ids=position_ids,
+ query_embeds=query_embeds,
+ past_key_values_length=past_key_values_length,
+ )
+
+ input_shape = embedding_output.size()[:-1]
+ batch_size, seq_length = input_shape
+ device = embedding_output.device
+
+ if attention_mask is None:
+ attention_mask = torch.ones(
+ ((batch_size, seq_length + past_key_values_length)), device=device
+ )
+
+ # We can provide a self-attention mask of dimensions [batch_size, from_seq_length, to_seq_length]
+ # ourselves in which case we just need to make it broadcastable to all heads.
+ if is_decoder:
+ extended_attention_mask = self.get_extended_attention_mask(
+ attention_mask,
+ input_ids.shape,
+ device,
+ is_decoder,
+ has_query=(query_embeds is not None),
+ )
+ else:
+ extended_attention_mask = self.get_extended_attention_mask(
+ attention_mask, input_shape, device, is_decoder
+ )
+
+ # If a 2D or 3D attention mask is provided for the cross-attention
+ # we need to make broadcastable to [batch_size, num_heads, seq_length, seq_length]
+ if encoder_hidden_states is not None:
+ if type(encoder_hidden_states) == list:
+ encoder_batch_size, encoder_sequence_length, _ = encoder_hidden_states[
+ 0
+ ].size()
+ else:
+ (
+ encoder_batch_size,
+ encoder_sequence_length,
+ _,
+ ) = encoder_hidden_states.size()
+ encoder_hidden_shape = (encoder_batch_size, encoder_sequence_length)
+
+ if type(encoder_attention_mask) == list:
+ encoder_extended_attention_mask = [
+ self.invert_attention_mask(mask) for mask in encoder_attention_mask
+ ]
+ elif encoder_attention_mask is None:
+ encoder_attention_mask = torch.ones(encoder_hidden_shape, device=device)
+ encoder_extended_attention_mask = self.invert_attention_mask(
+ encoder_attention_mask
+ )
+ else:
+ encoder_extended_attention_mask = self.invert_attention_mask(
+ encoder_attention_mask
+ )
+ else:
+ encoder_extended_attention_mask = None
+
+ # Prepare head mask if needed
+ # 1.0 in head_mask indicate we keep the head
+ # attention_probs has shape bsz x n_heads x N x N
+ # input head_mask has shape [num_heads] or [num_hidden_layers x num_heads]
+ # and head_mask is converted to shape [num_hidden_layers x batch x num_heads x seq_length x seq_length]
+ head_mask = self.get_head_mask(head_mask, self.config.num_hidden_layers)
+
+ encoder_outputs = self.encoder(
+ embedding_output,
+ attention_mask=extended_attention_mask,
+ head_mask=head_mask,
+ encoder_hidden_states=encoder_hidden_states,
+ encoder_attention_mask=encoder_extended_attention_mask,
+ past_key_values=past_key_values,
+ use_cache=use_cache,
+ output_attentions=output_attentions,
+ output_hidden_states=output_hidden_states,
+ return_dict=return_dict,
+ query_length=query_length,
+ )
+ sequence_output = encoder_outputs[0]
+ pooled_output = (
+ self.pooler(sequence_output) if self.pooler is not None else None
+ )
+
+ if not return_dict:
+ return (sequence_output, pooled_output) + encoder_outputs[1:]
+
+ return BaseModelOutputWithPoolingAndCrossAttentions(
+ last_hidden_state=sequence_output,
+ pooler_output=pooled_output,
+ past_key_values=encoder_outputs.past_key_values,
+ hidden_states=encoder_outputs.hidden_states,
+ attentions=encoder_outputs.attentions,
+ cross_attentions=encoder_outputs.cross_attentions,
+ )
+
+
+class BertLMHeadModel(BertPreTrainedModel):
+
+ _keys_to_ignore_on_load_unexpected = [r"pooler"]
+ _keys_to_ignore_on_load_missing = [r"position_ids", r"predictions.decoder.bias"]
+
+ def __init__(self, config):
+ super().__init__(config)
+
+ self.bert = BertModel(config, add_pooling_layer=False)
+ self.cls = BertOnlyMLMHead(config)
+
+ self.init_weights()
+
+ def get_output_embeddings(self):
+ return self.cls.predictions.decoder
+
+ def set_output_embeddings(self, new_embeddings):
+ self.cls.predictions.decoder = new_embeddings
+
+ def forward(
+ self,
+ input_ids=None,
+ attention_mask=None,
+ position_ids=None,
+ head_mask=None,
+ query_embeds=None,
+ encoder_hidden_states=None,
+ encoder_attention_mask=None,
+ labels=None,
+ past_key_values=None,
+ use_cache=True,
+ output_attentions=None,
+ output_hidden_states=None,
+ return_dict=None,
+ return_logits=False,
+ is_decoder=True,
+ reduction="mean",
+ ):
+ r"""
+ encoder_hidden_states (:obj:`torch.FloatTensor` of shape :obj:`(batch_size, sequence_length, hidden_size)`, `optional`):
+ Sequence of hidden-states at the output of the last layer of the encoder. Used in the cross-attention if
+ the model is configured as a decoder.
+ encoder_attention_mask (:obj:`torch.FloatTensor` of shape :obj:`(batch_size, sequence_length)`, `optional`):
+ Mask to avoid performing attention on the padding token indices of the encoder input. This mask is used in
+ the cross-attention if the model is configured as a decoder. Mask values selected in ``[0, 1]``:
+ - 1 for tokens that are **not masked**,
+ - 0 for tokens that are **masked**.
+ labels (:obj:`torch.LongTensor` of shape :obj:`(batch_size, sequence_length)`, `optional`):
+ Labels for computing the left-to-right language modeling loss (next word prediction). Indices should be in
+ ``[-100, 0, ..., config.vocab_size]`` (see ``input_ids`` docstring) Tokens with indices set to ``-100`` are
+ ignored (masked), the loss is only computed for the tokens with labels n ``[0, ..., config.vocab_size]``
+ past_key_values (:obj:`tuple(tuple(torch.FloatTensor))` of length :obj:`config.n_layers` with each tuple having 4 tensors of shape :obj:`(batch_size, num_heads, sequence_length - 1, embed_size_per_head)`):
+ Contains precomputed key and value hidden states of the attention blocks. Can be used to speed up decoding.
+ If :obj:`past_key_values` are used, the user can optionally input only the last :obj:`decoder_input_ids`
+ (those that don't have their past key value states given to this model) of shape :obj:`(batch_size, 1)`
+ instead of all :obj:`decoder_input_ids` of shape :obj:`(batch_size, sequence_length)`.
+ use_cache (:obj:`bool`, `optional`):
+ If set to :obj:`True`, :obj:`past_key_values` key value states are returned and can be used to speed up
+ decoding (see :obj:`past_key_values`).
+ Returns:
+ Example::
+ >>> from transformers import BertTokenizer, BertLMHeadModel, BertConfig
+ >>> import torch
+ >>> tokenizer = BertTokenizer.from_pretrained('bert-base-cased')
+ >>> config = BertConfig.from_pretrained("bert-base-cased")
+ >>> model = BertLMHeadModel.from_pretrained('bert-base-cased', config=config)
+ >>> inputs = tokenizer("Hello, my dog is cute", return_tensors="pt")
+ >>> outputs = model(**inputs)
+ >>> prediction_logits = outputs.logits
+ """
+ return_dict = (
+ return_dict if return_dict is not None else self.config.use_return_dict
+ )
+ if labels is not None:
+ use_cache = False
+ if past_key_values is not None:
+ query_embeds = None
+
+ outputs = self.bert(
+ input_ids,
+ attention_mask=attention_mask,
+ position_ids=position_ids,
+ head_mask=head_mask,
+ query_embeds=query_embeds,
+ encoder_hidden_states=encoder_hidden_states,
+ encoder_attention_mask=encoder_attention_mask,
+ past_key_values=past_key_values,
+ use_cache=use_cache,
+ output_attentions=output_attentions,
+ output_hidden_states=output_hidden_states,
+ return_dict=return_dict,
+ is_decoder=is_decoder,
+ )
+
+ sequence_output = outputs[0]
+ if query_embeds is not None:
+ sequence_output = outputs[0][:, query_embeds.shape[1] :, :]
+
+ prediction_scores = self.cls(sequence_output)
+
+ if return_logits:
+ return prediction_scores[:, :-1, :].contiguous()
+
+ lm_loss = None
+ if labels is not None:
+ # we are doing next-token prediction; shift prediction scores and input ids by one
+ shifted_prediction_scores = prediction_scores[:, :-1, :].contiguous()
+ labels = labels[:, 1:].contiguous()
+ loss_fct = CrossEntropyLoss(reduction=reduction, label_smoothing=0.1)
+ lm_loss = loss_fct(
+ shifted_prediction_scores.view(-1, self.config.vocab_size),
+ labels.view(-1),
+ )
+ if reduction == "none":
+ lm_loss = lm_loss.view(prediction_scores.size(0), -1).sum(1)
+
+ if not return_dict:
+ output = (prediction_scores,) + outputs[2:]
+ return ((lm_loss,) + output) if lm_loss is not None else output
+
+ return CausalLMOutputWithCrossAttentions(
+ loss=lm_loss,
+ logits=prediction_scores,
+ past_key_values=outputs.past_key_values,
+ hidden_states=outputs.hidden_states,
+ attentions=outputs.attentions,
+ cross_attentions=outputs.cross_attentions,
+ )
+
+ def prepare_inputs_for_generation(
+ self, input_ids, query_embeds, past=None, attention_mask=None, **model_kwargs
+ ):
+ # if model is used as a decoder in encoder-decoder model, the decoder attention mask is created on the fly
+ if attention_mask is None:
+ attention_mask = input_ids.new_ones(input_ids.shape)
+ query_mask = input_ids.new_ones(query_embeds.shape[:-1])
+ attention_mask = torch.cat([query_mask, attention_mask], dim=-1)
+
+ # cut decoder_input_ids if past is used
+ if past is not None:
+ input_ids = input_ids[:, -1:]
+
+ return {
+ "input_ids": input_ids,
+ "query_embeds": query_embeds,
+ "attention_mask": attention_mask,
+ "past_key_values": past,
+ "encoder_hidden_states": model_kwargs.get("encoder_hidden_states", None),
+ "encoder_attention_mask": model_kwargs.get("encoder_attention_mask", None),
+ "is_decoder": True,
+ }
+
+ def _reorder_cache(self, past, beam_idx):
+ reordered_past = ()
+ for layer_past in past:
+ reordered_past += (
+ tuple(
+ past_state.index_select(0, beam_idx) for past_state in layer_past
+ ),
+ )
+ return reordered_past
+
+
+class BertForMaskedLM(BertPreTrainedModel):
+
+ _keys_to_ignore_on_load_unexpected = [r"pooler"]
+ _keys_to_ignore_on_load_missing = [r"position_ids", r"predictions.decoder.bias"]
+
+ def __init__(self, config):
+ super().__init__(config)
+
+ self.bert = BertModel(config, add_pooling_layer=False)
+ self.cls = BertOnlyMLMHead(config)
+
+ self.init_weights()
+
+ def get_output_embeddings(self):
+ return self.cls.predictions.decoder
+
+ def set_output_embeddings(self, new_embeddings):
+ self.cls.predictions.decoder = new_embeddings
+
+ def forward(
+ self,
+ input_ids=None,
+ attention_mask=None,
+ position_ids=None,
+ head_mask=None,
+ query_embeds=None,
+ encoder_hidden_states=None,
+ encoder_attention_mask=None,
+ labels=None,
+ output_attentions=None,
+ output_hidden_states=None,
+ return_dict=None,
+ return_logits=False,
+ is_decoder=False,
+ ):
+ r"""
+ labels (:obj:`torch.LongTensor` of shape :obj:`(batch_size, sequence_length)`, `optional`):
+ Labels for computing the masked language modeling loss. Indices should be in ``[-100, 0, ...,
+ config.vocab_size]`` (see ``input_ids`` docstring) Tokens with indices set to ``-100`` are ignored
+ (masked), the loss is only computed for the tokens with labels in ``[0, ..., config.vocab_size]``
+ """
+
+ return_dict = (
+ return_dict if return_dict is not None else self.config.use_return_dict
+ )
+
+ outputs = self.bert(
+ input_ids,
+ attention_mask=attention_mask,
+ position_ids=position_ids,
+ head_mask=head_mask,
+ query_embeds=query_embeds,
+ encoder_hidden_states=encoder_hidden_states,
+ encoder_attention_mask=encoder_attention_mask,
+ output_attentions=output_attentions,
+ output_hidden_states=output_hidden_states,
+ return_dict=return_dict,
+ is_decoder=is_decoder,
+ )
+
+ if query_embeds is not None:
+ sequence_output = outputs[0][:, query_embeds.shape[1] :, :]
+ prediction_scores = self.cls(sequence_output)
+
+ if return_logits:
+ return prediction_scores
+
+ masked_lm_loss = None
+ if labels is not None:
+ loss_fct = CrossEntropyLoss() # -100 index = padding token
+ masked_lm_loss = loss_fct(
+ prediction_scores.view(-1, self.config.vocab_size), labels.view(-1)
+ )
+
+ if not return_dict:
+ output = (prediction_scores,) + outputs[2:]
+ return (
+ ((masked_lm_loss,) + output) if masked_lm_loss is not None else output
+ )
+
+ return MaskedLMOutput(
+ loss=masked_lm_loss,
+ logits=prediction_scores,
+ hidden_states=outputs.hidden_states,
+ attentions=outputs.attentions,
+ )
diff --git a/minigpt4/models/__init__.py b/minigpt4/models/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..54acd24e70b6f8e2f00fdc32bc82af6d761573ea
--- /dev/null
+++ b/minigpt4/models/__init__.py
@@ -0,0 +1,200 @@
+"""
+ Copyright (c) 2022, salesforce.com, inc.
+ All rights reserved.
+ SPDX-License-Identifier: BSD-3-Clause
+ For full license text, see the LICENSE_Lavis file in the repo root or https://opensource.org/licenses/BSD-3-Clause
+"""
+
+import logging
+import torch
+from omegaconf import OmegaConf
+
+from minigpt4.common.registry import registry
+from minigpt4.models.base_model import BaseModel
+from minigpt4.models.blip2 import Blip2Base
+from minigpt4.models.mini_gpt4 import MiniGPT4
+from minigpt4.processors.base_processor import BaseProcessor
+
+
+__all__ = [
+ "load_model",
+ "BaseModel",
+ "Blip2Base",
+ "MiniGPT4",
+]
+
+
+def load_model(name, model_type, is_eval=False, device="cpu", checkpoint=None):
+ """
+ Load supported models.
+
+ To list all available models and types in registry:
+ >>> from minigpt4.models import model_zoo
+ >>> print(model_zoo)
+
+ Args:
+ name (str): name of the model.
+ model_type (str): type of the model.
+ is_eval (bool): whether the model is in eval mode. Default: False.
+ device (str): device to use. Default: "cpu".
+ checkpoint (str): path or to checkpoint. Default: None.
+ Note that expecting the checkpoint to have the same keys in state_dict as the model.
+
+ Returns:
+ model (torch.nn.Module): model.
+ """
+
+ model = registry.get_model_class(name).from_pretrained(model_type=model_type)
+
+ if checkpoint is not None:
+ model.load_checkpoint(checkpoint)
+
+ if is_eval:
+ model.eval()
+
+ if device == "cpu":
+ model = model.float()
+
+ return model.to(device)
+
+
+def load_preprocess(config):
+ """
+ Load preprocessor configs and construct preprocessors.
+
+ If no preprocessor is specified, return BaseProcessor, which does not do any preprocessing.
+
+ Args:
+ config (dict): preprocessor configs.
+
+ Returns:
+ vis_processors (dict): preprocessors for visual inputs.
+ txt_processors (dict): preprocessors for text inputs.
+
+ Key is "train" or "eval" for processors used in training and evaluation respectively.
+ """
+
+ def _build_proc_from_cfg(cfg):
+ return (
+ registry.get_processor_class(cfg.name).from_config(cfg)
+ if cfg is not None
+ else BaseProcessor()
+ )
+
+ vis_processors = dict()
+ txt_processors = dict()
+
+ vis_proc_cfg = config.get("vis_processor")
+ txt_proc_cfg = config.get("text_processor")
+
+ if vis_proc_cfg is not None:
+ vis_train_cfg = vis_proc_cfg.get("train")
+ vis_eval_cfg = vis_proc_cfg.get("eval")
+ else:
+ vis_train_cfg = None
+ vis_eval_cfg = None
+
+ vis_processors["train"] = _build_proc_from_cfg(vis_train_cfg)
+ vis_processors["eval"] = _build_proc_from_cfg(vis_eval_cfg)
+
+ if txt_proc_cfg is not None:
+ txt_train_cfg = txt_proc_cfg.get("train")
+ txt_eval_cfg = txt_proc_cfg.get("eval")
+ else:
+ txt_train_cfg = None
+ txt_eval_cfg = None
+
+ txt_processors["train"] = _build_proc_from_cfg(txt_train_cfg)
+ txt_processors["eval"] = _build_proc_from_cfg(txt_eval_cfg)
+
+ return vis_processors, txt_processors
+
+
+def load_model_and_preprocess(name, model_type, is_eval=False, device="cpu"):
+ """
+ Load model and its related preprocessors.
+
+ List all available models and types in registry:
+ >>> from minigpt4.models import model_zoo
+ >>> print(model_zoo)
+
+ Args:
+ name (str): name of the model.
+ model_type (str): type of the model.
+ is_eval (bool): whether the model is in eval mode. Default: False.
+ device (str): device to use. Default: "cpu".
+
+ Returns:
+ model (torch.nn.Module): model.
+ vis_processors (dict): preprocessors for visual inputs.
+ txt_processors (dict): preprocessors for text inputs.
+ """
+ model_cls = registry.get_model_class(name)
+
+ # load model
+ model = model_cls.from_pretrained(model_type=model_type)
+
+ if is_eval:
+ model.eval()
+
+ # load preprocess
+ cfg = OmegaConf.load(model_cls.default_config_path(model_type))
+ if cfg is not None:
+ preprocess_cfg = cfg.preprocess
+
+ vis_processors, txt_processors = load_preprocess(preprocess_cfg)
+ else:
+ vis_processors, txt_processors = None, None
+ logging.info(
+ f"""No default preprocess for model {name} ({model_type}).
+ This can happen if the model is not finetuned on downstream datasets,
+ or it is not intended for direct use without finetuning.
+ """
+ )
+
+ if device == "cpu" or device == torch.device("cpu"):
+ model = model.float()
+
+ return model.to(device), vis_processors, txt_processors
+
+
+class ModelZoo:
+ """
+ A utility class to create string representation of available model architectures and types.
+
+ >>> from minigpt4.models import model_zoo
+ >>> # list all available models
+ >>> print(model_zoo)
+ >>> # show total number of models
+ >>> print(len(model_zoo))
+ """
+
+ def __init__(self) -> None:
+ self.model_zoo = {
+ k: list(v.PRETRAINED_MODEL_CONFIG_DICT.keys())
+ for k, v in registry.mapping["model_name_mapping"].items()
+ }
+
+ def __str__(self) -> str:
+ return (
+ "=" * 50
+ + "\n"
+ + f"{'Architectures':<30} {'Types'}\n"
+ + "=" * 50
+ + "\n"
+ + "\n".join(
+ [
+ f"{name:<30} {', '.join(types)}"
+ for name, types in self.model_zoo.items()
+ ]
+ )
+ )
+
+ def __iter__(self):
+ return iter(self.model_zoo.items())
+
+ def __len__(self):
+ return sum([len(v) for v in self.model_zoo.values()])
+
+
+model_zoo = ModelZoo()
diff --git a/minigpt4/models/__pycache__/Qformer.cpython-310.pyc b/minigpt4/models/__pycache__/Qformer.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..5ee14ad93debb066db789493430dad95cdba7e7c
Binary files /dev/null and b/minigpt4/models/__pycache__/Qformer.cpython-310.pyc differ
diff --git a/minigpt4/models/__pycache__/__init__.cpython-310.pyc b/minigpt4/models/__pycache__/__init__.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..abb5e90f97f77527e684fc890e47cb5f34fe3c18
Binary files /dev/null and b/minigpt4/models/__pycache__/__init__.cpython-310.pyc differ
diff --git a/minigpt4/models/__pycache__/base_model.cpython-310.pyc b/minigpt4/models/__pycache__/base_model.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..bd456820205c2c083435b0148ba3ccedde8f65e6
Binary files /dev/null and b/minigpt4/models/__pycache__/base_model.cpython-310.pyc differ
diff --git a/minigpt4/models/__pycache__/blip2.cpython-310.pyc b/minigpt4/models/__pycache__/blip2.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..dff3cbe919de14c1658df6df2770bce1b9963d63
Binary files /dev/null and b/minigpt4/models/__pycache__/blip2.cpython-310.pyc differ
diff --git a/minigpt4/models/__pycache__/eva_vit.cpython-310.pyc b/minigpt4/models/__pycache__/eva_vit.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..951babe2d714e1f64d97dc1b7a83c20b0acb3eb1
Binary files /dev/null and b/minigpt4/models/__pycache__/eva_vit.cpython-310.pyc differ
diff --git a/minigpt4/models/__pycache__/mini_gpt4.cpython-310.pyc b/minigpt4/models/__pycache__/mini_gpt4.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..afce772863a6318b165ce75cf6a4498379ba56eb
Binary files /dev/null and b/minigpt4/models/__pycache__/mini_gpt4.cpython-310.pyc differ
diff --git a/minigpt4/models/__pycache__/modeling_llama.cpython-310.pyc b/minigpt4/models/__pycache__/modeling_llama.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..2678b89b96a8c005ebd408627dff9cf9f63f8800
Binary files /dev/null and b/minigpt4/models/__pycache__/modeling_llama.cpython-310.pyc differ
diff --git a/minigpt4/models/base_model.py b/minigpt4/models/base_model.py
new file mode 100644
index 0000000000000000000000000000000000000000..1cd2226fdec8e9e6c17c23a803c51ecf751456c9
--- /dev/null
+++ b/minigpt4/models/base_model.py
@@ -0,0 +1,247 @@
+"""
+ Copyright (c) 2022, salesforce.com, inc.
+ All rights reserved.
+ SPDX-License-Identifier: BSD-3-Clause
+ For full license text, see the LICENSE_Lavis file in the repo root or https://opensource.org/licenses/BSD-3-Clause
+"""
+
+import logging
+import os
+
+import numpy as np
+import torch
+import torch.nn as nn
+from minigpt4.common.dist_utils import download_cached_file, is_dist_avail_and_initialized
+from minigpt4.common.utils import get_abs_path, is_url
+from omegaconf import OmegaConf
+
+
+class BaseModel(nn.Module):
+ """Base class for models."""
+
+ def __init__(self):
+ super().__init__()
+
+ @property
+ def device(self):
+ return list(self.parameters())[0].device
+
+ def load_checkpoint(self, url_or_filename):
+ """
+ Load from a finetuned checkpoint.
+
+ This should expect no mismatch in the model keys and the checkpoint keys.
+ """
+
+ if is_url(url_or_filename):
+ cached_file = download_cached_file(
+ url_or_filename, check_hash=False, progress=True
+ )
+ checkpoint = torch.load(cached_file, map_location="cpu")
+ elif os.path.isfile(url_or_filename):
+ checkpoint = torch.load(url_or_filename, map_location="cpu")
+ else:
+ raise RuntimeError("checkpoint url or path is invalid")
+
+ if "model" in checkpoint.keys():
+ state_dict = checkpoint["model"]
+ else:
+ state_dict = checkpoint
+
+ msg = self.load_state_dict(state_dict, strict=False)
+
+ logging.info("Missing keys {}".format(msg.missing_keys))
+ logging.info("load checkpoint from %s" % url_or_filename)
+
+ return msg
+
+ @classmethod
+ def from_pretrained(cls, model_type):
+ """
+ Build a pretrained model from default configuration file, specified by model_type.
+
+ Args:
+ - model_type (str): model type, specifying architecture and checkpoints.
+
+ Returns:
+ - model (nn.Module): pretrained or finetuned model, depending on the configuration.
+ """
+ model_cfg = OmegaConf.load(cls.default_config_path(model_type)).model
+ model = cls.from_config(model_cfg)
+
+ return model
+
+ @classmethod
+ def default_config_path(cls, model_type):
+ assert (
+ model_type in cls.PRETRAINED_MODEL_CONFIG_DICT
+ ), "Unknown model type {}".format(model_type)
+ return get_abs_path(cls.PRETRAINED_MODEL_CONFIG_DICT[model_type])
+
+ def load_checkpoint_from_config(self, cfg, **kwargs):
+ """
+ Load checkpoint as specified in the config file.
+
+ If load_finetuned is True, load the finetuned model; otherwise, load the pretrained model.
+ When loading the pretrained model, each task-specific architecture may define their
+ own load_from_pretrained() method.
+ """
+ load_finetuned = cfg.get("load_finetuned", True)
+ if load_finetuned:
+ finetune_path = cfg.get("finetuned", None)
+ assert (
+ finetune_path is not None
+ ), "Found load_finetuned is True, but finetune_path is None."
+ self.load_checkpoint(url_or_filename=finetune_path)
+ else:
+ # load pre-trained weights
+ pretrain_path = cfg.get("pretrained", None)
+ assert "Found load_finetuned is False, but pretrain_path is None."
+ self.load_from_pretrained(url_or_filename=pretrain_path, **kwargs)
+
+ def before_evaluation(self, **kwargs):
+ pass
+
+ def show_n_params(self, return_str=True):
+ tot = 0
+ for p in self.parameters():
+ w = 1
+ for x in p.shape:
+ w *= x
+ tot += w
+ if return_str:
+ if tot >= 1e6:
+ return "{:.1f}M".format(tot / 1e6)
+ else:
+ return "{:.1f}K".format(tot / 1e3)
+ else:
+ return tot
+
+
+class BaseEncoder(nn.Module):
+ """
+ Base class for primitive encoders, such as ViT, TimeSformer, etc.
+ """
+
+ def __init__(self):
+ super().__init__()
+
+ def forward_features(self, samples, **kwargs):
+ raise NotImplementedError
+
+ @property
+ def device(self):
+ return list(self.parameters())[0].device
+
+
+class SharedQueueMixin:
+ @torch.no_grad()
+ def _dequeue_and_enqueue(self, image_feat, text_feat, idxs=None):
+ # gather keys before updating queue
+ image_feats = concat_all_gather(image_feat)
+ text_feats = concat_all_gather(text_feat)
+
+ batch_size = image_feats.shape[0]
+
+ ptr = int(self.queue_ptr)
+ assert self.queue_size % batch_size == 0 # for simplicity
+
+ # replace the keys at ptr (dequeue and enqueue)
+ self.image_queue[:, ptr : ptr + batch_size] = image_feats.T
+ self.text_queue[:, ptr : ptr + batch_size] = text_feats.T
+
+ if idxs is not None:
+ idxs = concat_all_gather(idxs)
+ self.idx_queue[:, ptr : ptr + batch_size] = idxs.T
+
+ ptr = (ptr + batch_size) % self.queue_size # move pointer
+ self.queue_ptr[0] = ptr
+
+
+class MomentumDistilationMixin:
+ @torch.no_grad()
+ def copy_params(self):
+ for model_pair in self.model_pairs:
+ for param, param_m in zip(
+ model_pair[0].parameters(), model_pair[1].parameters()
+ ):
+ param_m.data.copy_(param.data) # initialize
+ param_m.requires_grad = False # not update by gradient
+
+ @torch.no_grad()
+ def _momentum_update(self):
+ for model_pair in self.model_pairs:
+ for param, param_m in zip(
+ model_pair[0].parameters(), model_pair[1].parameters()
+ ):
+ param_m.data = param_m.data * self.momentum + param.data * (
+ 1.0 - self.momentum
+ )
+
+
+class GatherLayer(torch.autograd.Function):
+ """
+ Gather tensors from all workers with support for backward propagation:
+ This implementation does not cut the gradients as torch.distributed.all_gather does.
+ """
+
+ @staticmethod
+ def forward(ctx, x):
+ output = [
+ torch.zeros_like(x) for _ in range(torch.distributed.get_world_size())
+ ]
+ torch.distributed.all_gather(output, x)
+ return tuple(output)
+
+ @staticmethod
+ def backward(ctx, *grads):
+ all_gradients = torch.stack(grads)
+ torch.distributed.all_reduce(all_gradients)
+ return all_gradients[torch.distributed.get_rank()]
+
+
+def all_gather_with_grad(tensors):
+ """
+ Performs all_gather operation on the provided tensors.
+ Graph remains connected for backward grad computation.
+ """
+ # Queue the gathered tensors
+ world_size = torch.distributed.get_world_size()
+ # There is no need for reduction in the single-proc case
+ if world_size == 1:
+ return tensors
+
+ # tensor_all = GatherLayer.apply(tensors)
+ tensor_all = GatherLayer.apply(tensors)
+
+ return torch.cat(tensor_all, dim=0)
+
+
+@torch.no_grad()
+def concat_all_gather(tensor):
+ """
+ Performs all_gather operation on the provided tensors.
+ *** Warning ***: torch.distributed.all_gather has no gradient.
+ """
+ # if use distributed training
+ if not is_dist_avail_and_initialized():
+ return tensor
+
+ tensors_gather = [
+ torch.ones_like(tensor) for _ in range(torch.distributed.get_world_size())
+ ]
+ torch.distributed.all_gather(tensors_gather, tensor, async_op=False)
+
+ output = torch.cat(tensors_gather, dim=0)
+ return output
+
+
+def tile(x, dim, n_tile):
+ init_dim = x.size(dim)
+ repeat_idx = [1] * x.dim()
+ repeat_idx[dim] = n_tile
+ x = x.repeat(*(repeat_idx))
+ order_index = torch.LongTensor(
+ np.concatenate([init_dim * np.arange(n_tile) + i for i in range(init_dim)])
+ )
+ return torch.index_select(x, dim, order_index.to(x.device))
diff --git a/minigpt4/models/blip2.py b/minigpt4/models/blip2.py
new file mode 100644
index 0000000000000000000000000000000000000000..ee4a9dc3e2544033139841032ebb7b35168ac8fa
--- /dev/null
+++ b/minigpt4/models/blip2.py
@@ -0,0 +1,221 @@
+"""
+ Copyright (c) 2023, salesforce.com, inc.
+ All rights reserved.
+ SPDX-License-Identifier: BSD-3-Clause
+ For full license text, see the LICENSE_Lavis file in the repo root or https://opensource.org/licenses/BSD-3-Clause
+"""
+import contextlib
+import logging
+import os
+import time
+import datetime
+
+import torch
+import torch.nn as nn
+import torch.distributed as dist
+import torch.nn.functional as F
+
+import minigpt4.common.dist_utils as dist_utils
+from minigpt4.common.dist_utils import download_cached_file
+from minigpt4.common.utils import is_url
+from minigpt4.common.logger import MetricLogger
+from minigpt4.models.base_model import BaseModel
+from minigpt4.models.Qformer import BertConfig, BertLMHeadModel
+from minigpt4.models.eva_vit import create_eva_vit_g
+from transformers import BertTokenizer
+
+
+class Blip2Base(BaseModel):
+ @classmethod
+ def init_tokenizer(cls):
+ tokenizer = BertTokenizer.from_pretrained("bert-base-uncased")
+ tokenizer.add_special_tokens({"bos_token": "[DEC]"})
+ return tokenizer
+
+ def maybe_autocast(self, dtype=torch.float16):
+ # if on cpu, don't use autocast
+ # if on gpu, use autocast with dtype if provided, otherwise use torch.float16
+ enable_autocast = self.device != torch.device("cpu")
+
+ if enable_autocast:
+ return torch.cuda.amp.autocast(dtype=dtype)
+ else:
+ return contextlib.nullcontext()
+
+ @classmethod
+ def init_Qformer(cls, num_query_token, vision_width, cross_attention_freq=2):
+ encoder_config = BertConfig.from_pretrained("bert-base-uncased")
+ encoder_config.encoder_width = vision_width
+ # insert cross-attention layer every other block
+ encoder_config.add_cross_attention = True
+ encoder_config.cross_attention_freq = cross_attention_freq
+ encoder_config.query_length = num_query_token
+ Qformer = BertLMHeadModel(config=encoder_config)
+ query_tokens = nn.Parameter(
+ torch.zeros(1, num_query_token, encoder_config.hidden_size)
+ )
+ query_tokens.data.normal_(mean=0.0, std=encoder_config.initializer_range)
+ return Qformer, query_tokens
+
+ @classmethod
+ def init_vision_encoder(
+ cls, model_name, img_size, drop_path_rate, use_grad_checkpoint, precision
+ ):
+ assert model_name == "eva_clip_g", "vit model must be eva_clip_g for current version of MiniGPT-4"
+ visual_encoder = create_eva_vit_g(
+ img_size, drop_path_rate, use_grad_checkpoint, precision
+ )
+
+ ln_vision = LayerNorm(visual_encoder.num_features)
+ return visual_encoder, ln_vision
+
+ def load_from_pretrained(self, url_or_filename):
+ if is_url(url_or_filename):
+ cached_file = download_cached_file(
+ url_or_filename, check_hash=False, progress=True
+ )
+ checkpoint = torch.load(cached_file, map_location="cpu")
+ elif os.path.isfile(url_or_filename):
+ checkpoint = torch.load(url_or_filename, map_location="cpu")
+ else:
+ raise RuntimeError("checkpoint url or path is invalid")
+
+ state_dict = checkpoint["model"]
+
+ msg = self.load_state_dict(state_dict, strict=False)
+
+ # logging.info("Missing keys {}".format(msg.missing_keys))
+ logging.info("load checkpoint from %s" % url_or_filename)
+
+ return msg
+
+
+def disabled_train(self, mode=True):
+ """Overwrite model.train with this function to make sure train/eval mode
+ does not change anymore."""
+ return self
+
+
+class LayerNorm(nn.LayerNorm):
+ """Subclass torch's LayerNorm to handle fp16."""
+
+ def forward(self, x: torch.Tensor):
+ orig_type = x.dtype
+ ret = super().forward(x.type(torch.float32))
+ return ret.type(orig_type)
+
+
+def compute_sim_matrix(model, data_loader, **kwargs):
+ k_test = kwargs.pop("k_test")
+
+ metric_logger = MetricLogger(delimiter=" ")
+ header = "Evaluation:"
+
+ logging.info("Computing features for evaluation...")
+ start_time = time.time()
+
+ texts = data_loader.dataset.text
+ num_text = len(texts)
+ text_bs = 256
+ text_ids = []
+ text_embeds = []
+ text_atts = []
+ for i in range(0, num_text, text_bs):
+ text = texts[i : min(num_text, i + text_bs)]
+ text_input = model.tokenizer(
+ text,
+ padding="max_length",
+ truncation=True,
+ max_length=35,
+ return_tensors="pt",
+ ).to(model.device)
+ text_feat = model.forward_text(text_input)
+ text_embed = F.normalize(model.text_proj(text_feat))
+ text_embeds.append(text_embed)
+ text_ids.append(text_input.input_ids)
+ text_atts.append(text_input.attention_mask)
+
+ text_embeds = torch.cat(text_embeds, dim=0)
+ text_ids = torch.cat(text_ids, dim=0)
+ text_atts = torch.cat(text_atts, dim=0)
+
+ vit_feats = []
+ image_embeds = []
+ for samples in data_loader:
+ image = samples["image"]
+
+ image = image.to(model.device)
+ image_feat, vit_feat = model.forward_image(image)
+ image_embed = model.vision_proj(image_feat)
+ image_embed = F.normalize(image_embed, dim=-1)
+
+ vit_feats.append(vit_feat.cpu())
+ image_embeds.append(image_embed)
+
+ vit_feats = torch.cat(vit_feats, dim=0)
+ image_embeds = torch.cat(image_embeds, dim=0)
+
+ sims_matrix = []
+ for image_embed in image_embeds:
+ sim_q2t = image_embed @ text_embeds.t()
+ sim_i2t, _ = sim_q2t.max(0)
+ sims_matrix.append(sim_i2t)
+ sims_matrix = torch.stack(sims_matrix, dim=0)
+
+ score_matrix_i2t = torch.full(
+ (len(data_loader.dataset.image), len(texts)), -100.0
+ ).to(model.device)
+
+ num_tasks = dist_utils.get_world_size()
+ rank = dist_utils.get_rank()
+ step = sims_matrix.size(0) // num_tasks + 1
+ start = rank * step
+ end = min(sims_matrix.size(0), start + step)
+
+ for i, sims in enumerate(
+ metric_logger.log_every(sims_matrix[start:end], 50, header)
+ ):
+ topk_sim, topk_idx = sims.topk(k=k_test, dim=0)
+ image_inputs = vit_feats[start + i].repeat(k_test, 1, 1).to(model.device)
+ score = model.compute_itm(
+ image_inputs=image_inputs,
+ text_ids=text_ids[topk_idx],
+ text_atts=text_atts[topk_idx],
+ ).float()
+ score_matrix_i2t[start + i, topk_idx] = score + topk_sim
+
+ sims_matrix = sims_matrix.t()
+ score_matrix_t2i = torch.full(
+ (len(texts), len(data_loader.dataset.image)), -100.0
+ ).to(model.device)
+
+ step = sims_matrix.size(0) // num_tasks + 1
+ start = rank * step
+ end = min(sims_matrix.size(0), start + step)
+
+ for i, sims in enumerate(
+ metric_logger.log_every(sims_matrix[start:end], 50, header)
+ ):
+ topk_sim, topk_idx = sims.topk(k=k_test, dim=0)
+ image_inputs = vit_feats[topk_idx.cpu()].to(model.device)
+ score = model.compute_itm(
+ image_inputs=image_inputs,
+ text_ids=text_ids[start + i].repeat(k_test, 1),
+ text_atts=text_atts[start + i].repeat(k_test, 1),
+ ).float()
+ score_matrix_t2i[start + i, topk_idx] = score + topk_sim
+
+ if dist_utils.is_dist_avail_and_initialized():
+ dist.barrier()
+ torch.distributed.all_reduce(
+ score_matrix_i2t, op=torch.distributed.ReduceOp.SUM
+ )
+ torch.distributed.all_reduce(
+ score_matrix_t2i, op=torch.distributed.ReduceOp.SUM
+ )
+
+ total_time = time.time() - start_time
+ total_time_str = str(datetime.timedelta(seconds=int(total_time)))
+ logging.info("Evaluation time {}".format(total_time_str))
+
+ return score_matrix_i2t.cpu().numpy(), score_matrix_t2i.cpu().numpy()
diff --git a/minigpt4/models/blip2_outputs.py b/minigpt4/models/blip2_outputs.py
new file mode 100644
index 0000000000000000000000000000000000000000..e8722b1fedaec1e31e39d8c80f911b8ff79bbb75
--- /dev/null
+++ b/minigpt4/models/blip2_outputs.py
@@ -0,0 +1,110 @@
+"""
+ Copyright (c) 2022, salesforce.com, inc.
+ All rights reserved.
+ SPDX-License-Identifier: BSD-3-Clause
+ For full license text, see the LICENSE_Lavis file in the repo root or https://opensource.org/licenses/BSD-3-Clause
+"""
+
+from dataclasses import dataclass
+from typing import Optional
+
+import torch
+from transformers.modeling_outputs import (
+ ModelOutput,
+ BaseModelOutputWithPoolingAndCrossAttentions,
+ CausalLMOutputWithCrossAttentions,
+)
+
+
+@dataclass
+class BlipSimilarity(ModelOutput):
+ sim_i2t: torch.FloatTensor = None
+ sim_t2i: torch.FloatTensor = None
+
+ sim_i2t_m: Optional[torch.FloatTensor] = None
+ sim_t2i_m: Optional[torch.FloatTensor] = None
+
+ sim_i2t_targets: Optional[torch.FloatTensor] = None
+ sim_t2i_targets: Optional[torch.FloatTensor] = None
+
+
+@dataclass
+class BlipIntermediateOutput(ModelOutput):
+ """
+ Data class for intermediate outputs of BLIP models.
+
+ image_embeds (torch.FloatTensor): Image embeddings, shape (batch_size, num_patches, embed_dim).
+ text_embeds (torch.FloatTensor): Text embeddings, shape (batch_size, seq_len, embed_dim).
+
+ image_embeds_m (torch.FloatTensor): Image embeddings from momentum visual encoder, shape (batch_size, num_patches, embed_dim).
+ text_embeds_m (torch.FloatTensor): Text embeddings from momentum text encoder, shape (batch_size, seq_len, embed_dim).
+
+ encoder_output (BaseModelOutputWithPoolingAndCrossAttentions): output from the image-grounded text encoder.
+ encoder_output_neg (BaseModelOutputWithPoolingAndCrossAttentions): output from the image-grounded text encoder for negative pairs.
+
+ decoder_output (CausalLMOutputWithCrossAttentions): output from the image-grounded text decoder.
+ decoder_labels (torch.LongTensor): labels for the captioning loss.
+
+ itm_logits (torch.FloatTensor): logits for the image-text matching loss, shape (batch_size * 3, 2).
+ itm_labels (torch.LongTensor): labels for the image-text matching loss, shape (batch_size * 3,)
+
+ """
+
+ # uni-modal features
+ image_embeds: torch.FloatTensor = None
+ text_embeds: Optional[torch.FloatTensor] = None
+
+ image_embeds_m: Optional[torch.FloatTensor] = None
+ text_embeds_m: Optional[torch.FloatTensor] = None
+
+ # intermediate outputs of multimodal encoder
+ encoder_output: Optional[BaseModelOutputWithPoolingAndCrossAttentions] = None
+ encoder_output_neg: Optional[BaseModelOutputWithPoolingAndCrossAttentions] = None
+
+ itm_logits: Optional[torch.FloatTensor] = None
+ itm_labels: Optional[torch.LongTensor] = None
+
+ # intermediate outputs of multimodal decoder
+ decoder_output: Optional[CausalLMOutputWithCrossAttentions] = None
+ decoder_labels: Optional[torch.LongTensor] = None
+
+
+@dataclass
+class BlipOutput(ModelOutput):
+ # some finetuned models (e.g. BlipVQA) do not compute similarity, thus optional.
+ sims: Optional[BlipSimilarity] = None
+
+ intermediate_output: BlipIntermediateOutput = None
+
+ loss: Optional[torch.FloatTensor] = None
+
+ loss_itc: Optional[torch.FloatTensor] = None
+
+ loss_itm: Optional[torch.FloatTensor] = None
+
+ loss_lm: Optional[torch.FloatTensor] = None
+
+
+@dataclass
+class BlipOutputFeatures(ModelOutput):
+ """
+ Data class of features from BlipFeatureExtractor.
+
+ Args:
+ image_embeds: (torch.FloatTensor) of shape (batch_size, num_patches+1, embed_dim), optional
+ image_features: (torch.FloatTensor) of shape (batch_size, num_patches+1, feature_dim), optional
+ text_embeds: (torch.FloatTensor) of shape (batch_size, sequence_length+1, embed_dim), optional
+ text_features: (torch.FloatTensor) of shape (batch_size, sequence_length+1, feature_dim), optional
+
+ The first embedding or feature is for the [CLS] token.
+
+ Features are obtained by projecting the corresponding embedding into a normalized low-dimensional space.
+ """
+
+ image_embeds: Optional[torch.FloatTensor] = None
+ image_embeds_proj: Optional[torch.FloatTensor] = None
+
+ text_embeds: Optional[torch.FloatTensor] = None
+ text_embeds_proj: Optional[torch.FloatTensor] = None
+
+ multimodal_embeds: Optional[torch.FloatTensor] = None
diff --git a/minigpt4/models/eva_vit.py b/minigpt4/models/eva_vit.py
new file mode 100644
index 0000000000000000000000000000000000000000..7fcc63a74049f1faf65c99943ef94f72383ca3f5
--- /dev/null
+++ b/minigpt4/models/eva_vit.py
@@ -0,0 +1,442 @@
+# Based on EVA, BEIT, timm and DeiT code bases
+# https://github.com/baaivision/EVA
+# https://github.com/rwightman/pytorch-image-models/tree/master/timm
+# https://github.com/microsoft/unilm/tree/master/beit
+# https://github.com/facebookresearch/deit/
+# https://github.com/facebookresearch/dino
+# --------------------------------------------------------'
+import math
+from functools import partial
+
+import torch
+import torch.nn as nn
+import torch.nn.functional as F
+import torch.utils.checkpoint as checkpoint
+from timm.models.layers import drop_path, to_2tuple, trunc_normal_
+from timm.models.registry import register_model
+
+from minigpt4.common.dist_utils import download_cached_file
+
+def _cfg(url='', **kwargs):
+ return {
+ 'url': url,
+ 'num_classes': 1000, 'input_size': (3, 224, 224), 'pool_size': None,
+ 'crop_pct': .9, 'interpolation': 'bicubic',
+ 'mean': (0.5, 0.5, 0.5), 'std': (0.5, 0.5, 0.5),
+ **kwargs
+ }
+
+
+class DropPath(nn.Module):
+ """Drop paths (Stochastic Depth) per sample (when applied in main path of residual blocks).
+ """
+ def __init__(self, drop_prob=None):
+ super(DropPath, self).__init__()
+ self.drop_prob = drop_prob
+
+ def forward(self, x):
+ return drop_path(x, self.drop_prob, self.training)
+
+ def extra_repr(self) -> str:
+ return 'p={}'.format(self.drop_prob)
+
+
+class Mlp(nn.Module):
+ def __init__(self, in_features, hidden_features=None, out_features=None, act_layer=nn.GELU, drop=0.):
+ super().__init__()
+ out_features = out_features or in_features
+ hidden_features = hidden_features or in_features
+ self.fc1 = nn.Linear(in_features, hidden_features)
+ self.act = act_layer()
+ self.fc2 = nn.Linear(hidden_features, out_features)
+ self.drop = nn.Dropout(drop)
+
+ def forward(self, x):
+ x = self.fc1(x)
+ x = self.act(x)
+ # x = self.drop(x)
+ # commit this for the orignal BERT implement
+ x = self.fc2(x)
+ x = self.drop(x)
+ return x
+
+
+class Attention(nn.Module):
+ def __init__(
+ self, dim, num_heads=8, qkv_bias=False, qk_scale=None, attn_drop=0.,
+ proj_drop=0., window_size=None, attn_head_dim=None):
+ super().__init__()
+ self.num_heads = num_heads
+ head_dim = dim // num_heads
+ if attn_head_dim is not None:
+ head_dim = attn_head_dim
+ all_head_dim = head_dim * self.num_heads
+ self.scale = qk_scale or head_dim ** -0.5
+
+ self.qkv = nn.Linear(dim, all_head_dim * 3, bias=False)
+ if qkv_bias:
+ self.q_bias = nn.Parameter(torch.zeros(all_head_dim))
+ self.v_bias = nn.Parameter(torch.zeros(all_head_dim))
+ else:
+ self.q_bias = None
+ self.v_bias = None
+
+ if window_size:
+ self.window_size = window_size
+ self.num_relative_distance = (2 * window_size[0] - 1) * (2 * window_size[1] - 1) + 3
+ self.relative_position_bias_table = nn.Parameter(
+ torch.zeros(self.num_relative_distance, num_heads)) # 2*Wh-1 * 2*Ww-1, nH
+ # cls to token & token 2 cls & cls to cls
+
+ # get pair-wise relative position index for each token inside the window
+ coords_h = torch.arange(window_size[0])
+ coords_w = torch.arange(window_size[1])
+ coords = torch.stack(torch.meshgrid([coords_h, coords_w])) # 2, Wh, Ww
+ coords_flatten = torch.flatten(coords, 1) # 2, Wh*Ww
+ relative_coords = coords_flatten[:, :, None] - coords_flatten[:, None, :] # 2, Wh*Ww, Wh*Ww
+ relative_coords = relative_coords.permute(1, 2, 0).contiguous() # Wh*Ww, Wh*Ww, 2
+ relative_coords[:, :, 0] += window_size[0] - 1 # shift to start from 0
+ relative_coords[:, :, 1] += window_size[1] - 1
+ relative_coords[:, :, 0] *= 2 * window_size[1] - 1
+ relative_position_index = \
+ torch.zeros(size=(window_size[0] * window_size[1] + 1, ) * 2, dtype=relative_coords.dtype)
+ relative_position_index[1:, 1:] = relative_coords.sum(-1) # Wh*Ww, Wh*Ww
+ relative_position_index[0, 0:] = self.num_relative_distance - 3
+ relative_position_index[0:, 0] = self.num_relative_distance - 2
+ relative_position_index[0, 0] = self.num_relative_distance - 1
+
+ self.register_buffer("relative_position_index", relative_position_index)
+ else:
+ self.window_size = None
+ self.relative_position_bias_table = None
+ self.relative_position_index = None
+
+ self.attn_drop = nn.Dropout(attn_drop)
+ self.proj = nn.Linear(all_head_dim, dim)
+ self.proj_drop = nn.Dropout(proj_drop)
+
+ def forward(self, x, rel_pos_bias=None):
+ B, N, C = x.shape
+ qkv_bias = None
+ if self.q_bias is not None:
+ qkv_bias = torch.cat((self.q_bias, torch.zeros_like(self.v_bias, requires_grad=False), self.v_bias))
+ # qkv = self.qkv(x).reshape(B, N, 3, self.num_heads, C // self.num_heads).permute(2, 0, 3, 1, 4)
+ qkv = F.linear(input=x, weight=self.qkv.weight, bias=qkv_bias)
+ qkv = qkv.reshape(B, N, 3, self.num_heads, -1).permute(2, 0, 3, 1, 4)
+ q, k, v = qkv[0], qkv[1], qkv[2] # make torchscript happy (cannot use tensor as tuple)
+
+ q = q * self.scale
+ attn = (q @ k.transpose(-2, -1))
+
+ if self.relative_position_bias_table is not None:
+ relative_position_bias = \
+ self.relative_position_bias_table[self.relative_position_index.view(-1)].view(
+ self.window_size[0] * self.window_size[1] + 1,
+ self.window_size[0] * self.window_size[1] + 1, -1) # Wh*Ww,Wh*Ww,nH
+ relative_position_bias = relative_position_bias.permute(2, 0, 1).contiguous() # nH, Wh*Ww, Wh*Ww
+ attn = attn + relative_position_bias.unsqueeze(0)
+
+ if rel_pos_bias is not None:
+ attn = attn + rel_pos_bias
+
+ attn = attn.softmax(dim=-1)
+ attn = self.attn_drop(attn)
+
+ x = (attn @ v).transpose(1, 2).reshape(B, N, -1)
+ x = self.proj(x)
+ x = self.proj_drop(x)
+ return x
+
+
+class Block(nn.Module):
+
+ def __init__(self, dim, num_heads, mlp_ratio=4., qkv_bias=False, qk_scale=None, drop=0., attn_drop=0.,
+ drop_path=0., init_values=None, act_layer=nn.GELU, norm_layer=nn.LayerNorm,
+ window_size=None, attn_head_dim=None):
+ super().__init__()
+ self.norm1 = norm_layer(dim)
+ self.attn = Attention(
+ dim, num_heads=num_heads, qkv_bias=qkv_bias, qk_scale=qk_scale,
+ attn_drop=attn_drop, proj_drop=drop, window_size=window_size, attn_head_dim=attn_head_dim)
+ # NOTE: drop path for stochastic depth, we shall see if this is better than dropout here
+ self.drop_path = DropPath(drop_path) if drop_path > 0. else nn.Identity()
+ self.norm2 = norm_layer(dim)
+ mlp_hidden_dim = int(dim * mlp_ratio)
+ self.mlp = Mlp(in_features=dim, hidden_features=mlp_hidden_dim, act_layer=act_layer, drop=drop)
+
+ if init_values is not None and init_values > 0:
+ self.gamma_1 = nn.Parameter(init_values * torch.ones((dim)),requires_grad=True)
+ self.gamma_2 = nn.Parameter(init_values * torch.ones((dim)),requires_grad=True)
+ else:
+ self.gamma_1, self.gamma_2 = None, None
+
+ def forward(self, x, rel_pos_bias=None):
+ if self.gamma_1 is None:
+ x = x + self.drop_path(self.attn(self.norm1(x), rel_pos_bias=rel_pos_bias))
+ x = x + self.drop_path(self.mlp(self.norm2(x)))
+ else:
+ x = x + self.drop_path(self.gamma_1 * self.attn(self.norm1(x), rel_pos_bias=rel_pos_bias))
+ x = x + self.drop_path(self.gamma_2 * self.mlp(self.norm2(x)))
+ return x
+
+
+class PatchEmbed(nn.Module):
+ """ Image to Patch Embedding
+ """
+ def __init__(self, img_size=224, patch_size=16, in_chans=3, embed_dim=768):
+ super().__init__()
+ img_size = to_2tuple(img_size)
+ patch_size = to_2tuple(patch_size)
+ num_patches = (img_size[1] // patch_size[1]) * (img_size[0] // patch_size[0])
+ self.patch_shape = (img_size[0] // patch_size[0], img_size[1] // patch_size[1])
+ self.img_size = img_size
+ self.patch_size = patch_size
+ self.num_patches = num_patches
+
+ self.proj = nn.Conv2d(in_chans, embed_dim, kernel_size=patch_size, stride=patch_size)
+
+ def forward(self, x, **kwargs):
+ B, C, H, W = x.shape
+ # FIXME look at relaxing size constraints
+ assert H == self.img_size[0] and W == self.img_size[1], \
+ f"Input image size ({H}*{W}) doesn't match model ({self.img_size[0]}*{self.img_size[1]})."
+ x = self.proj(x).flatten(2).transpose(1, 2)
+ return x
+
+
+class RelativePositionBias(nn.Module):
+
+ def __init__(self, window_size, num_heads):
+ super().__init__()
+ self.window_size = window_size
+ self.num_relative_distance = (2 * window_size[0] - 1) * (2 * window_size[1] - 1) + 3
+ self.relative_position_bias_table = nn.Parameter(
+ torch.zeros(self.num_relative_distance, num_heads)) # 2*Wh-1 * 2*Ww-1, nH
+ # cls to token & token 2 cls & cls to cls
+
+ # get pair-wise relative position index for each token inside the window
+ coords_h = torch.arange(window_size[0])
+ coords_w = torch.arange(window_size[1])
+ coords = torch.stack(torch.meshgrid([coords_h, coords_w])) # 2, Wh, Ww
+ coords_flatten = torch.flatten(coords, 1) # 2, Wh*Ww
+ relative_coords = coords_flatten[:, :, None] - coords_flatten[:, None, :] # 2, Wh*Ww, Wh*Ww
+ relative_coords = relative_coords.permute(1, 2, 0).contiguous() # Wh*Ww, Wh*Ww, 2
+ relative_coords[:, :, 0] += window_size[0] - 1 # shift to start from 0
+ relative_coords[:, :, 1] += window_size[1] - 1
+ relative_coords[:, :, 0] *= 2 * window_size[1] - 1
+ relative_position_index = \
+ torch.zeros(size=(window_size[0] * window_size[1] + 1,) * 2, dtype=relative_coords.dtype)
+ relative_position_index[1:, 1:] = relative_coords.sum(-1) # Wh*Ww, Wh*Ww
+ relative_position_index[0, 0:] = self.num_relative_distance - 3
+ relative_position_index[0:, 0] = self.num_relative_distance - 2
+ relative_position_index[0, 0] = self.num_relative_distance - 1
+
+ self.register_buffer("relative_position_index", relative_position_index)
+
+ # trunc_normal_(self.relative_position_bias_table, std=.02)
+
+ def forward(self):
+ relative_position_bias = \
+ self.relative_position_bias_table[self.relative_position_index.view(-1)].view(
+ self.window_size[0] * self.window_size[1] + 1,
+ self.window_size[0] * self.window_size[1] + 1, -1) # Wh*Ww,Wh*Ww,nH
+ return relative_position_bias.permute(2, 0, 1).contiguous() # nH, Wh*Ww, Wh*Ww
+
+
+class VisionTransformer(nn.Module):
+ """ Vision Transformer with support for patch or hybrid CNN input stage
+ """
+ def __init__(self, img_size=224, patch_size=16, in_chans=3, num_classes=1000, embed_dim=768, depth=12,
+ num_heads=12, mlp_ratio=4., qkv_bias=False, qk_scale=None, drop_rate=0., attn_drop_rate=0.,
+ drop_path_rate=0., norm_layer=nn.LayerNorm, init_values=None,
+ use_abs_pos_emb=True, use_rel_pos_bias=False, use_shared_rel_pos_bias=False,
+ use_mean_pooling=True, init_scale=0.001, use_checkpoint=False):
+ super().__init__()
+ self.image_size = img_size
+ self.num_classes = num_classes
+ self.num_features = self.embed_dim = embed_dim # num_features for consistency with other models
+
+ self.patch_embed = PatchEmbed(
+ img_size=img_size, patch_size=patch_size, in_chans=in_chans, embed_dim=embed_dim)
+ num_patches = self.patch_embed.num_patches
+
+ self.cls_token = nn.Parameter(torch.zeros(1, 1, embed_dim))
+ if use_abs_pos_emb:
+ self.pos_embed = nn.Parameter(torch.zeros(1, num_patches + 1, embed_dim))
+ else:
+ self.pos_embed = None
+ self.pos_drop = nn.Dropout(p=drop_rate)
+
+ if use_shared_rel_pos_bias:
+ self.rel_pos_bias = RelativePositionBias(window_size=self.patch_embed.patch_shape, num_heads=num_heads)
+ else:
+ self.rel_pos_bias = None
+ self.use_checkpoint = use_checkpoint
+
+ dpr = [x.item() for x in torch.linspace(0, drop_path_rate, depth)] # stochastic depth decay rule
+ self.use_rel_pos_bias = use_rel_pos_bias
+ self.blocks = nn.ModuleList([
+ Block(
+ dim=embed_dim, num_heads=num_heads, mlp_ratio=mlp_ratio, qkv_bias=qkv_bias, qk_scale=qk_scale,
+ drop=drop_rate, attn_drop=attn_drop_rate, drop_path=dpr[i], norm_layer=norm_layer,
+ init_values=init_values, window_size=self.patch_embed.patch_shape if use_rel_pos_bias else None)
+ for i in range(depth)])
+# self.norm = nn.Identity() if use_mean_pooling else norm_layer(embed_dim)
+# self.fc_norm = norm_layer(embed_dim) if use_mean_pooling else None
+# self.head = nn.Linear(embed_dim, num_classes) if num_classes > 0 else nn.Identity()
+
+ if self.pos_embed is not None:
+ trunc_normal_(self.pos_embed, std=.02)
+ trunc_normal_(self.cls_token, std=.02)
+ # trunc_normal_(self.mask_token, std=.02)
+# if isinstance(self.head, nn.Linear):
+# trunc_normal_(self.head.weight, std=.02)
+ self.apply(self._init_weights)
+ self.fix_init_weight()
+# if isinstance(self.head, nn.Linear):
+# self.head.weight.data.mul_(init_scale)
+# self.head.bias.data.mul_(init_scale)
+
+ def fix_init_weight(self):
+ def rescale(param, layer_id):
+ param.div_(math.sqrt(2.0 * layer_id))
+
+ for layer_id, layer in enumerate(self.blocks):
+ rescale(layer.attn.proj.weight.data, layer_id + 1)
+ rescale(layer.mlp.fc2.weight.data, layer_id + 1)
+
+ def _init_weights(self, m):
+ if isinstance(m, nn.Linear):
+ trunc_normal_(m.weight, std=.02)
+ if isinstance(m, nn.Linear) and m.bias is not None:
+ nn.init.constant_(m.bias, 0)
+ elif isinstance(m, nn.LayerNorm):
+ nn.init.constant_(m.bias, 0)
+ nn.init.constant_(m.weight, 1.0)
+
+ def get_classifier(self):
+ return self.head
+
+ def reset_classifier(self, num_classes, global_pool=''):
+ self.num_classes = num_classes
+ self.head = nn.Linear(self.embed_dim, num_classes) if num_classes > 0 else nn.Identity()
+
+ def forward_features(self, x):
+ x = self.patch_embed(x)
+ batch_size, seq_len, _ = x.size()
+
+ cls_tokens = self.cls_token.expand(batch_size, -1, -1) # stole cls_tokens impl from Phil Wang, thanks
+ x = torch.cat((cls_tokens, x), dim=1)
+ if self.pos_embed is not None:
+ x = x + self.pos_embed
+ x = self.pos_drop(x)
+
+ rel_pos_bias = self.rel_pos_bias() if self.rel_pos_bias is not None else None
+ for blk in self.blocks:
+ if self.use_checkpoint:
+ x = checkpoint.checkpoint(blk, x, rel_pos_bias)
+ else:
+ x = blk(x, rel_pos_bias)
+ return x
+# x = self.norm(x)
+
+# if self.fc_norm is not None:
+# t = x[:, 1:, :]
+# return self.fc_norm(t.mean(1))
+# else:
+# return x[:, 0]
+
+ def forward(self, x):
+ x = self.forward_features(x)
+# x = self.head(x)
+ return x
+
+ def get_intermediate_layers(self, x):
+ x = self.patch_embed(x)
+ batch_size, seq_len, _ = x.size()
+
+ cls_tokens = self.cls_token.expand(batch_size, -1, -1) # stole cls_tokens impl from Phil Wang, thanks
+ x = torch.cat((cls_tokens, x), dim=1)
+ if self.pos_embed is not None:
+ x = x + self.pos_embed
+ x = self.pos_drop(x)
+
+ features = []
+ rel_pos_bias = self.rel_pos_bias() if self.rel_pos_bias is not None else None
+ for blk in self.blocks:
+ x = blk(x, rel_pos_bias)
+ features.append(x)
+
+ return features
+
+
+def interpolate_pos_embed(model, checkpoint_model):
+ if 'pos_embed' in checkpoint_model:
+ pos_embed_checkpoint = checkpoint_model['pos_embed'].float()
+ embedding_size = pos_embed_checkpoint.shape[-1]
+ num_patches = model.patch_embed.num_patches
+ num_extra_tokens = model.pos_embed.shape[-2] - num_patches
+ # height (== width) for the checkpoint position embedding
+ orig_size = int((pos_embed_checkpoint.shape[-2] - num_extra_tokens) ** 0.5)
+ # height (== width) for the new position embedding
+ new_size = int(num_patches ** 0.5)
+ # class_token and dist_token are kept unchanged
+ if orig_size != new_size:
+ print("Position interpolate from %dx%d to %dx%d" % (orig_size, orig_size, new_size, new_size))
+ extra_tokens = pos_embed_checkpoint[:, :num_extra_tokens]
+ # only the position tokens are interpolated
+ pos_tokens = pos_embed_checkpoint[:, num_extra_tokens:]
+ pos_tokens = pos_tokens.reshape(-1, orig_size, orig_size, embedding_size).permute(0, 3, 1, 2)
+ pos_tokens = torch.nn.functional.interpolate(
+ pos_tokens, size=(new_size, new_size), mode='bicubic', align_corners=False)
+ pos_tokens = pos_tokens.permute(0, 2, 3, 1).flatten(1, 2)
+ new_pos_embed = torch.cat((extra_tokens, pos_tokens), dim=1)
+ checkpoint_model['pos_embed'] = new_pos_embed
+
+
+def convert_weights_to_fp16(model: nn.Module):
+ """Convert applicable model parameters to fp16"""
+
+ def _convert_weights_to_fp16(l):
+ if isinstance(l, (nn.Conv1d, nn.Conv2d, nn.Linear)):
+ l.weight.data = l.weight.data.half()
+ if l.bias is not None:
+ l.bias.data = l.bias.data.half()
+
+# if isinstance(l, (nn.MultiheadAttention, Attention)):
+# for attr in [*[f"{s}_proj_weight" for s in ["in", "q", "k", "v"]], "in_proj_bias", "bias_k", "bias_v"]:
+# tensor = getattr(l, attr)
+# if tensor is not None:
+# tensor.data = tensor.data.half()
+
+ model.apply(_convert_weights_to_fp16)
+
+
+def create_eva_vit_g(img_size=224,drop_path_rate=0.4,use_checkpoint=False,precision="fp16"):
+ model = VisionTransformer(
+ img_size=img_size,
+ patch_size=14,
+ use_mean_pooling=False,
+ embed_dim=1408,
+ depth=39,
+ num_heads=1408//88,
+ mlp_ratio=4.3637,
+ qkv_bias=True,
+ drop_path_rate=drop_path_rate,
+ norm_layer=partial(nn.LayerNorm, eps=1e-6),
+ use_checkpoint=use_checkpoint,
+ )
+ url = "https://storage.googleapis.com/sfr-vision-language-research/LAVIS/models/BLIP2/eva_vit_g.pth"
+ cached_file = download_cached_file(
+ url, check_hash=False, progress=True
+ )
+ state_dict = torch.load(cached_file, map_location="cpu")
+ interpolate_pos_embed(model,state_dict)
+
+ incompatible_keys = model.load_state_dict(state_dict, strict=False)
+# print(incompatible_keys)
+
+ if precision == "fp16":
+# model.to("cuda")
+ convert_weights_to_fp16(model)
+ return model
\ No newline at end of file
diff --git a/minigpt4/models/mini_gpt4.py b/minigpt4/models/mini_gpt4.py
new file mode 100644
index 0000000000000000000000000000000000000000..d55a36381f055bae36867160ec2b1867f5b85885
--- /dev/null
+++ b/minigpt4/models/mini_gpt4.py
@@ -0,0 +1,232 @@
+import logging
+import random
+
+import torch
+from torch.cuda.amp import autocast as autocast
+import torch.nn as nn
+import sys
+
+from minigpt4.common.registry import registry
+from minigpt4.models.blip2 import Blip2Base, disabled_train
+from minigpt4.models.modeling_llama import LlamaForCausalLM
+from transformers import LlamaTokenizer
+from transformers import AutoModelForCausalLM, AutoTokenizer
+
+
+
+@registry.register_model("mini_gpt4")
+class MiniGPT4(Blip2Base):
+ """
+ BLIP2 GPT-LLAMA model.
+ """
+
+ PRETRAINED_MODEL_CONFIG_DICT = {
+ "pretrain_vicuna": "../configs/minigpt4.yaml", # "configs/models/minigpt4.yaml",
+ }
+
+ def __init__(
+ self,
+ llama_model="",
+ prompt_template="",
+ max_txt_len=32,
+ end_sym='\n',
+ low_resource=False, # use 8 bit and put vit in cpu
+ device_8bit=0, # the device of 8bit model should be set when loading and cannot be changed anymore.
+ ):
+ super().__init__()
+
+ self.tokenizer = self.init_tokenizer()
+ self.low_resource = low_resource
+
+ print('Loading LLAMA')
+ self.llama_tokenizer = AutoTokenizer.from_pretrained(llama_model, use_fast=False)
+ self.llama_tokenizer.pad_token = self.llama_tokenizer.eos_token
+
+ if self.low_resource:
+ self.llama_model = AutoModelForCausalLM.from_pretrained(
+ llama_model,
+ torch_dtype=torch.float16,
+ load_in_8bit=True,
+ device_map={'': device_8bit}
+ )
+ else:
+ self.llama_model = AutoModelForCausalLM.from_pretrained(
+ llama_model,
+ torch_dtype=torch.float16,
+ )
+
+ for name, param in self.llama_model.named_parameters():
+ param.requires_grad = False
+ print('Loading LLAMA Done')
+
+ self.esm_struct_llama_proj = nn.Linear(
+ 512, self.llama_model.config.hidden_size
+ )
+
+ self.esm_seq_llama_proj = nn.Linear(
+ # 1280, self.llama_model.config.hidden_size
+ 2560, self.llama_model.config.hidden_size
+ )
+
+ self.max_txt_len = max_txt_len
+ self.end_sym = end_sym
+
+ self.prompt_template = prompt_template
+
+
+ def encode_protein_struct(self, protein_struct_encode):
+ device = protein_struct_encode.device
+ protein_embeds = protein_struct_encode.to(device)
+
+ # input llama shape: [B, 32, 5120]
+ inputs_llama = self.esm_struct_llama_proj(protein_embeds.squeeze(dim=2))
+ # atts_llama shape: [B, 32]
+ atts_llama = torch.ones(inputs_llama.size()[:-1], dtype=torch.long).to(device)
+ return inputs_llama, atts_llama
+
+ def encode_protein_seq(self, protein_seq_encode):
+ device = protein_seq_encode.device
+ protein_embeds = protein_seq_encode.to(device)
+
+ # input llama is of shape [B, 32, 5120]
+ inputs_llama = self.esm_seq_llama_proj(protein_embeds.squeeze(dim=2))
+ # atts_llama is of shape [B, 32]
+ atts_llama = torch.ones(inputs_llama.size()[:-1], dtype=torch.long).to(device)
+ return inputs_llama, atts_llama
+
+ def prompt_wrap(self, img_embeds, atts_img, prompt):
+ if prompt:
+ batch_size = img_embeds.shape[0]
+ p_before, p_after = prompt.split('')
+ p_before_tokens = self.llama_tokenizer(
+ p_before, return_tensors="pt", add_special_tokens=False).to(img_embeds.device)
+ p_after_tokens = self.llama_tokenizer(
+ p_after, return_tensors="pt", add_special_tokens=False).to(img_embeds.device)
+ p_before_embeds = self.llama_model.model.embed_tokens(p_before_tokens.input_ids).expand(batch_size, -1, -1)
+ p_after_embeds = self.llama_model.model.embed_tokens(p_after_tokens.input_ids).expand(batch_size, -1, -1)
+ # print(p_before_embeds.shape, img_embeds.shape, p_after_embeds.shape)
+ wrapped_img_embeds = torch.cat([p_before_embeds, img_embeds, p_after_embeds], dim=1)
+ wrapped_atts_img = atts_img[:, :1].expand(-1, wrapped_img_embeds.shape[1])
+ return wrapped_img_embeds, wrapped_atts_img
+ else:
+ return img_embeds, atts_img
+
+ def forward(self, samples):
+ # structure
+ pdb_encode = samples["pdb_encoder_out"]
+ pdb_device = pdb_encode.device
+ pdb_encode = pdb_encode[0]
+ pdb_encode = pdb_encode.permute(1, 0, 2) # Reshape [X, 1, Y] -> [1, X, Y]
+ pdb_embeds, atts_pdb = self.encode_protein_struct(pdb_encode)
+
+ # sequence
+ seq_encode = samples["seq_encoder_out"]
+ seq_device = seq_encode.device
+ seq_encode = seq_encode[0]
+ seq_embeds, atts_seq = self.encode_protein_seq(seq_encode)
+
+ img_embeds = torch.cat([pdb_embeds, seq_embeds], dim=1)
+ atts_img = torch.cat([atts_pdb, atts_seq], dim=1)
+
+ # skips over this branch for stage 1 and 2
+ if hasattr(samples, 'question_split'): # VQA dataset
+ print('VQA Batch')
+ vqa_prompt = '###Human: '
+ img_embeds, atts_img = self.prompt_wrap(img_embeds, atts_img, vqa_prompt)
+ # TO check: print out when needed (run stage 2 and print out some stuff to see which branch it goes to)
+ elif "q_input" in samples: # prompt path (alignment.txt provided) then takes this path to random choose form the list
+ prompt = self.prompt_template.format(" " + samples["q_input"][0])
+ img_embeds, atts_img = self.prompt_wrap(img_embeds, atts_img, prompt)
+
+ # stage 1 directly skip the branches above
+
+ self.llama_tokenizer.padding_side = "right"
+
+ text = []
+ if "q_input" in samples:
+ text = [t + self.end_sym for t in samples["a_input"]]
+ else:
+ text = [t + self.end_sym for t in samples["text_input"]]
+
+ to_regress_tokens = self.llama_tokenizer(
+ text,
+ return_tensors="pt",
+ padding="longest",
+ truncation=True,
+ max_length=self.max_txt_len,
+ add_special_tokens=False
+ ).to(pdb_device)
+
+ targets = to_regress_tokens.input_ids.masked_fill(
+ to_regress_tokens.input_ids == self.llama_tokenizer.pad_token_id, -100
+ )
+
+ empty_targets = (
+ torch.ones([atts_img.shape[0], atts_img.shape[1]+1],
+ dtype=torch.long).to(pdb_device).fill_(-100) # plus one for bos
+ )
+ targets = torch.cat([empty_targets, targets], dim=1)
+
+ batch_size = img_embeds.shape[0]
+ bos = torch.ones([batch_size, 1],
+ dtype=to_regress_tokens.input_ids.dtype,
+ device=to_regress_tokens.input_ids.device) * self.llama_tokenizer.bos_token_id
+
+ bos_embeds = self.llama_model.model.embed_tokens(bos)
+ atts_bos = atts_img[:, :1]
+
+ to_regress_embeds = self.llama_model.model.embed_tokens(to_regress_tokens.input_ids)
+
+ inputs_embeds = torch.cat([bos_embeds, img_embeds, to_regress_embeds], dim=1)
+ attention_mask = torch.cat([atts_bos, atts_img, to_regress_tokens.attention_mask], dim=1)
+
+ with self.maybe_autocast():
+ outputs = self.llama_model(
+ inputs_embeds=inputs_embeds,
+ attention_mask=attention_mask,
+ return_dict=True,
+ labels=targets,
+ )
+ loss = outputs.loss
+ return {"loss": loss}
+
+ @classmethod
+ def from_config(cls, cfg):
+
+ vit_model = cfg.get("vit_model", "eva_clip_g")
+ q_former_model = cfg.get("q_former_model", "https://storage.googleapis.com/sfr-vision-language-research/LAVIS/models/BLIP2/blip2_pretrained_flant5xxl.pth")
+ img_size = cfg.get("image_size")
+ num_query_token = cfg.get("num_query_token")
+ llama_model = cfg.get("llama_model")
+
+
+
+ drop_path_rate = cfg.get("drop_path_rate", 0)
+ use_grad_checkpoint = cfg.get("use_grad_checkpoint", False)
+ vit_precision = cfg.get("vit_precision", "fp16")
+ freeze_protein_encoder = cfg.get("freeze_protein_encoder", True)
+ freeze_qformer = cfg.get("freeze_qformer", True)
+ low_resource = cfg.get("low_resource", False)
+ device_8bit = cfg.get("device_8bit", 0)
+
+ prompt_template = cfg.get("prompt_template", "")
+ max_txt_len = cfg.get("max_txt_len", 32)
+ end_sym = cfg.get("end_sym", '\n')
+
+ model = cls(
+ llama_model=llama_model,
+ prompt_template=prompt_template,
+ max_txt_len=max_txt_len,
+ end_sym=end_sym,
+ low_resource=low_resource,
+ device_8bit=device_8bit,
+ )
+
+
+ ckpt_path = cfg.get("ckpt", "") # load weights of MiniGPT-4
+ if ckpt_path:
+ print("Load BLIP2-LLM Checkpoint: {}".format(ckpt_path))
+ ckpt = torch.load(ckpt_path, map_location="cpu")
+ msg = model.load_state_dict(ckpt['model'], strict=False)
+
+ return model
diff --git a/minigpt4/models/modeling_llama.py b/minigpt4/models/modeling_llama.py
new file mode 100644
index 0000000000000000000000000000000000000000..12d980e189d902fb1a6d9ea05dc3ca91959b1c8c
--- /dev/null
+++ b/minigpt4/models/modeling_llama.py
@@ -0,0 +1,755 @@
+# This script is based on https://github.com/huggingface/transformers/blob/main/src/transformers/models/llama/modeling_llama.py
+
+""" PyTorch LLaMA model."""
+import math
+from typing import List, Optional, Tuple, Union
+
+import torch
+import torch.utils.checkpoint
+from torch import nn
+from torch.nn import BCEWithLogitsLoss, CrossEntropyLoss, MSELoss
+
+from transformers.activations import ACT2FN
+from transformers.modeling_outputs import BaseModelOutputWithPast, CausalLMOutputWithPast, SequenceClassifierOutputWithPast
+from transformers.modeling_utils import PreTrainedModel
+from transformers.utils import add_start_docstrings, add_start_docstrings_to_model_forward, logging, replace_return_docstrings
+from transformers.models.llama.configuration_llama import LlamaConfig
+
+
+logger = logging.get_logger(__name__)
+
+_CONFIG_FOR_DOC = "LlamaConfig"
+
+
+# Copied from transformers.models.bart.modeling_bart._make_causal_mask
+def _make_causal_mask(
+ input_ids_shape: torch.Size, dtype: torch.dtype, device: torch.device, past_key_values_length: int = 0
+):
+ """
+ Make causal mask used for bi-directional self-attention.
+ """
+ bsz, tgt_len = input_ids_shape
+ mask = torch.full((tgt_len, tgt_len), torch.tensor(torch.finfo(dtype).min, device=device), device=device)
+ mask_cond = torch.arange(mask.size(-1), device=device)
+ mask.masked_fill_(mask_cond < (mask_cond + 1).view(mask.size(-1), 1), 0)
+ mask = mask.to(dtype)
+
+ if past_key_values_length > 0:
+ mask = torch.cat([torch.zeros(tgt_len, past_key_values_length, dtype=dtype, device=device), mask], dim=-1)
+ return mask[None, None, :, :].expand(bsz, 1, tgt_len, tgt_len + past_key_values_length)
+
+
+# Copied from transformers.models.bart.modeling_bart._expand_mask
+def _expand_mask(mask: torch.Tensor, dtype: torch.dtype, tgt_len: Optional[int] = None):
+ """
+ Expands attention_mask from `[bsz, seq_len]` to `[bsz, 1, tgt_seq_len, src_seq_len]`.
+ """
+ bsz, src_len = mask.size()
+ tgt_len = tgt_len if tgt_len is not None else src_len
+
+ expanded_mask = mask[:, None, None, :].expand(bsz, 1, tgt_len, src_len).to(dtype)
+
+ inverted_mask = 1.0 - expanded_mask
+
+ return inverted_mask.masked_fill(inverted_mask.to(torch.bool), torch.finfo(dtype).min)
+
+
+class LlamaRMSNorm(nn.Module):
+ def __init__(self, hidden_size, eps=1e-6):
+ """
+ LlamaRMSNorm is equivalent to T5LayerNorm
+ """
+ super().__init__()
+ self.weight = nn.Parameter(torch.ones(hidden_size))
+ self.variance_epsilon = eps
+
+ def forward(self, hidden_states):
+ variance = hidden_states.to(torch.float32).pow(2).mean(-1, keepdim=True)
+ hidden_states = hidden_states * torch.rsqrt(variance + self.variance_epsilon)
+
+ # convert into half-precision if necessary
+ if self.weight.dtype in [torch.float16, torch.bfloat16]:
+ hidden_states = hidden_states.to(self.weight.dtype)
+
+ return self.weight * hidden_states
+
+
+class LlamaRotaryEmbedding(torch.nn.Module):
+ def __init__(self, dim, max_position_embeddings=2048, base=10000, device=None):
+ super().__init__()
+ inv_freq = 1.0 / (base ** (torch.arange(0, dim, 2).float().to(device) / dim))
+ self.register_buffer("inv_freq", inv_freq)
+
+ # Build here to make `torch.jit.trace` work.
+ self.max_seq_len_cached = max_position_embeddings
+ t = torch.arange(self.max_seq_len_cached, device=self.inv_freq.device, dtype=self.inv_freq.dtype)
+ freqs = torch.einsum("i,j->ij", t, self.inv_freq)
+ # Different from paper, but it uses a different permutation in order to obtain the same calculation
+ emb = torch.cat((freqs, freqs), dim=-1)
+ self.register_buffer("cos_cached", emb.cos()[None, None, :, :], persistent=False)
+ self.register_buffer("sin_cached", emb.sin()[None, None, :, :], persistent=False)
+
+ def forward(self, x, seq_len=None):
+ # x: [bs, num_attention_heads, seq_len, head_size]
+ # This `if` block is unlikely to be run after we build sin/cos in `__init__`. Keep the logic here just in case.
+ if seq_len > self.max_seq_len_cached:
+ self.max_seq_len_cached = seq_len
+ t = torch.arange(self.max_seq_len_cached, device=x.device, dtype=self.inv_freq.dtype)
+ freqs = torch.einsum("i,j->ij", t, self.inv_freq)
+ # Different from paper, but it uses a different permutation in order to obtain the same calculation
+ emb = torch.cat((freqs, freqs), dim=-1).to(x.device)
+ self.register_buffer("cos_cached", emb.cos()[None, None, :, :], persistent=False)
+ self.register_buffer("sin_cached", emb.sin()[None, None, :, :], persistent=False)
+ return (
+ self.cos_cached[:, :, :seq_len, ...].to(dtype=x.dtype),
+ self.sin_cached[:, :, :seq_len, ...].to(dtype=x.dtype),
+ )
+
+
+def rotate_half(x):
+ """Rotates half the hidden dims of the input."""
+ x1 = x[..., : x.shape[-1] // 2]
+ x2 = x[..., x.shape[-1] // 2 :]
+ return torch.cat((-x2, x1), dim=-1)
+
+
+def apply_rotary_pos_emb(q, k, cos, sin, position_ids):
+ gather_indices = position_ids[:, None, :, None] # [bs, 1, seq_len, 1]
+ gather_indices = gather_indices.repeat(1, cos.shape[1], 1, cos.shape[3])
+ cos = torch.gather(cos.repeat(gather_indices.shape[0], 1, 1, 1), 2, gather_indices)
+ sin = torch.gather(sin.repeat(gather_indices.shape[0], 1, 1, 1), 2, gather_indices)
+ q_embed = (q * cos) + (rotate_half(q) * sin)
+ k_embed = (k * cos) + (rotate_half(k) * sin)
+ return q_embed, k_embed
+
+
+class LlamaMLP(nn.Module):
+ def __init__(
+ self,
+ hidden_size: int,
+ intermediate_size: int,
+ hidden_act: str,
+ ):
+ super().__init__()
+ self.gate_proj = nn.Linear(hidden_size, intermediate_size, bias=False)
+ self.down_proj = nn.Linear(intermediate_size, hidden_size, bias=False)
+ self.up_proj = nn.Linear(hidden_size, intermediate_size, bias=False)
+ self.act_fn = ACT2FN[hidden_act]
+
+ def forward(self, x):
+ return self.down_proj(self.act_fn(self.gate_proj(x)) * self.up_proj(x))
+
+
+class LlamaAttention(nn.Module):
+ """Multi-headed attention from 'Attention Is All You Need' paper"""
+
+ def __init__(self, config: LlamaConfig):
+ super().__init__()
+ self.config = config
+ self.hidden_size = config.hidden_size
+ self.num_heads = config.num_attention_heads
+ self.head_dim = self.hidden_size // self.num_heads
+ self.max_position_embeddings = config.max_position_embeddings
+
+ if (self.head_dim * self.num_heads) != self.hidden_size:
+ raise ValueError(
+ f"hidden_size must be divisible by num_heads (got `hidden_size`: {self.hidden_size}"
+ f" and `num_heads`: {self.num_heads})."
+ )
+ self.q_proj = nn.Linear(self.hidden_size, self.num_heads * self.head_dim, bias=False)
+ self.k_proj = nn.Linear(self.hidden_size, self.num_heads * self.head_dim, bias=False)
+ self.v_proj = nn.Linear(self.hidden_size, self.num_heads * self.head_dim, bias=False)
+ self.o_proj = nn.Linear(self.num_heads * self.head_dim, self.hidden_size, bias=False)
+ self.rotary_emb = LlamaRotaryEmbedding(self.head_dim, max_position_embeddings=self.max_position_embeddings)
+
+ def _shape(self, tensor: torch.Tensor, seq_len: int, bsz: int):
+ return tensor.view(bsz, seq_len, self.num_heads, self.head_dim).transpose(1, 2).contiguous()
+
+ def forward(
+ self,
+ hidden_states: torch.Tensor,
+ attention_mask: Optional[torch.Tensor] = None,
+ position_ids: Optional[torch.LongTensor] = None,
+ past_key_value: Optional[Tuple[torch.Tensor]] = None,
+ output_attentions: bool = False,
+ use_cache: bool = False,
+ ) -> Tuple[torch.Tensor, Optional[torch.Tensor], Optional[Tuple[torch.Tensor]]]:
+ bsz, q_len, _ = hidden_states.size()
+
+ query_states = self.q_proj(hidden_states).view(bsz, q_len, self.num_heads, self.head_dim).transpose(1, 2)
+ key_states = self.k_proj(hidden_states).view(bsz, q_len, self.num_heads, self.head_dim).transpose(1, 2)
+ value_states = self.v_proj(hidden_states).view(bsz, q_len, self.num_heads, self.head_dim).transpose(1, 2)
+
+ kv_seq_len = key_states.shape[-2]
+ if past_key_value is not None:
+ kv_seq_len += past_key_value[0].shape[-2]
+ cos, sin = self.rotary_emb(value_states, seq_len=kv_seq_len)
+ query_states, key_states = apply_rotary_pos_emb(query_states, key_states, cos, sin, position_ids)
+ # [bsz, nh, t, hd]
+
+ if past_key_value is not None:
+ # reuse k, v, self_attention
+ key_states = torch.cat([past_key_value[0], key_states], dim=2)
+ value_states = torch.cat([past_key_value[1], value_states], dim=2)
+
+ past_key_value = (key_states, value_states) if use_cache else None
+
+ attn_weights = torch.matmul(query_states, key_states.transpose(2, 3)) / math.sqrt(self.head_dim)
+
+ if attn_weights.size() != (bsz, self.num_heads, q_len, kv_seq_len):
+ raise ValueError(
+ f"Attention weights should be of size {(bsz * self.num_heads, q_len, kv_seq_len)}, but is"
+ f" {attn_weights.size()}"
+ )
+
+ if attention_mask is not None:
+ if attention_mask.size() != (bsz, 1, q_len, kv_seq_len):
+ raise ValueError(
+ f"Attention mask should be of size {(bsz, 1, q_len, kv_seq_len)}, but is {attention_mask.size()}"
+ )
+ attn_weights = attn_weights + attention_mask
+ attn_weights = torch.max(attn_weights, torch.tensor(torch.finfo(attn_weights.dtype).min))
+
+ # upcast attention to fp32
+ attn_weights = nn.functional.softmax(attn_weights, dim=-1, dtype=torch.float32).to(query_states.dtype)
+ attn_output = torch.matmul(attn_weights, value_states)
+
+ if attn_output.size() != (bsz, self.num_heads, q_len, self.head_dim):
+ raise ValueError(
+ f"`attn_output` should be of size {(bsz, self.num_heads, q_len, self.head_dim)}, but is"
+ f" {attn_output.size()}"
+ )
+
+ attn_output = attn_output.transpose(1, 2)
+ attn_output = attn_output.reshape(bsz, q_len, self.hidden_size)
+
+ attn_output = self.o_proj(attn_output)
+
+ if not output_attentions:
+ attn_weights = None
+
+ return attn_output, attn_weights, past_key_value
+
+
+class LlamaDecoderLayer(nn.Module):
+ def __init__(self, config: LlamaConfig):
+ super().__init__()
+ self.hidden_size = config.hidden_size
+ self.self_attn = LlamaAttention(config=config)
+ self.mlp = LlamaMLP(
+ hidden_size=self.hidden_size,
+ intermediate_size=config.intermediate_size,
+ hidden_act=config.hidden_act,
+ )
+ self.input_layernorm = LlamaRMSNorm(config.hidden_size, eps=config.rms_norm_eps)
+ self.post_attention_layernorm = LlamaRMSNorm(config.hidden_size, eps=config.rms_norm_eps)
+
+ def forward(
+ self,
+ hidden_states: torch.Tensor,
+ attention_mask: Optional[torch.Tensor] = None,
+ position_ids: Optional[torch.LongTensor] = None,
+ past_key_value: Optional[Tuple[torch.Tensor]] = None,
+ output_attentions: Optional[bool] = False,
+ use_cache: Optional[bool] = False,
+ ) -> Tuple[torch.FloatTensor, Optional[Tuple[torch.FloatTensor, torch.FloatTensor]]]:
+ """
+ Args:
+ hidden_states (`torch.FloatTensor`): input to the layer of shape `(batch, seq_len, embed_dim)`
+ attention_mask (`torch.FloatTensor`, *optional*): attention mask of size
+ `(batch, 1, tgt_len, src_len)` where padding elements are indicated by very large negative values.
+ output_attentions (`bool`, *optional*):
+ Whether or not to return the attentions tensors of all attention layers. See `attentions` under
+ returned tensors for more detail.
+ use_cache (`bool`, *optional*):
+ If set to `True`, `past_key_values` key value states are returned and can be used to speed up decoding
+ (see `past_key_values`).
+ past_key_value (`Tuple(torch.FloatTensor)`, *optional*): cached past key and value projection states
+ """
+
+ residual = hidden_states
+
+ hidden_states = self.input_layernorm(hidden_states)
+
+ # Self Attention
+ hidden_states, self_attn_weights, present_key_value = self.self_attn(
+ hidden_states=hidden_states,
+ attention_mask=attention_mask,
+ position_ids=position_ids,
+ past_key_value=past_key_value,
+ output_attentions=output_attentions,
+ use_cache=use_cache,
+ )
+ hidden_states = residual + hidden_states
+
+ # Fully Connected
+ residual = hidden_states
+ hidden_states = self.post_attention_layernorm(hidden_states)
+ hidden_states = self.mlp(hidden_states)
+ hidden_states = residual + hidden_states
+
+ outputs = (hidden_states,)
+
+ if output_attentions:
+ outputs += (self_attn_weights,)
+
+ if use_cache:
+ outputs += (present_key_value,)
+
+ return outputs
+
+
+LLAMA_START_DOCSTRING = r"""
+ This model inherits from [`PreTrainedModel`]. Check the superclass documentation for the generic methods the
+ library implements for all its model (such as downloading or saving, resizing the input embeddings, pruning heads
+ etc.)
+
+ This model is also a PyTorch [torch.nn.Module](https://pytorch.org/docs/stable/nn.html#torch.nn.Module) subclass.
+ Use it as a regular PyTorch Module and refer to the PyTorch documentation for all matter related to general usage
+ and behavior.
+
+ Parameters:
+ config ([`LlamaConfig`]):
+ Model configuration class with all the parameters of the model. Initializing with a config file does not
+ load the weights associated with the model, only the configuration. Check out the
+ [`~PreTrainedModel.from_pretrained`] method to load the model weights.
+"""
+
+
+@add_start_docstrings(
+ "The bare LLaMA Model outputting raw hidden-states without any specific head on top.",
+ LLAMA_START_DOCSTRING,
+)
+class LlamaPreTrainedModel(PreTrainedModel):
+ config_class = LlamaConfig
+ base_model_prefix = "model"
+ supports_gradient_checkpointing = True
+ _no_split_modules = ["LlamaDecoderLayer"]
+ _keys_to_ignore_on_load_unexpected = [r"decoder\.version"]
+
+ def _init_weights(self, module):
+ std = self.config.initializer_range
+ if isinstance(module, nn.Linear):
+ module.weight.data.normal_(mean=0.0, std=std)
+ if module.bias is not None:
+ module.bias.data.zero_()
+ elif isinstance(module, nn.Embedding):
+ module.weight.data.normal_(mean=0.0, std=std)
+ if module.padding_idx is not None:
+ module.weight.data[module.padding_idx].zero_()
+
+ def _set_gradient_checkpointing(self, module, value=False):
+ if isinstance(module, LlamaModel):
+ module.gradient_checkpointing = value
+
+
+LLAMA_INPUTS_DOCSTRING = r"""
+ Args:
+ input_ids (`torch.LongTensor` of shape `(batch_size, sequence_length)`):
+ Indices of input sequence tokens in the vocabulary. Padding will be ignored by default should you provide
+ it.
+
+ Indices can be obtained using [`AutoTokenizer`]. See [`PreTrainedTokenizer.encode`] and
+ [`PreTrainedTokenizer.__call__`] for details.
+
+ [What are input IDs?](../glossary#input-ids)
+ attention_mask (`torch.Tensor` of shape `(batch_size, sequence_length)`, *optional*):
+ Mask to avoid performing attention on padding token indices. Mask values selected in `[0, 1]`:
+
+ - 1 for tokens that are **not masked**,
+ - 0 for tokens that are **masked**.
+
+ [What are attention masks?](../glossary#attention-mask)
+
+ Indices can be obtained using [`AutoTokenizer`]. See [`PreTrainedTokenizer.encode`] and
+ [`PreTrainedTokenizer.__call__`] for details.
+
+ If `past_key_values` is used, optionally only the last `decoder_input_ids` have to be input (see
+ `past_key_values`).
+
+ If you want to change padding behavior, you should read [`modeling_opt._prepare_decoder_attention_mask`]
+ and modify to your needs. See diagram 1 in [the paper](https://arxiv.org/abs/1910.13461) for more
+ information on the default strategy.
+
+ - 1 indicates the head is **not masked**,
+ - 0 indicates the head is **masked**.
+ position_ids (`torch.LongTensor` of shape `(batch_size, sequence_length)`, *optional*):
+ Indices of positions of each input sequence tokens in the position embeddings. Selected in the range `[0,
+ config.n_positions - 1]`.
+
+ [What are position IDs?](../glossary#position-ids)
+ past_key_values (`tuple(tuple(torch.FloatTensor))`, *optional*, returned when `use_cache=True` is passed or when `config.use_cache=True`):
+ Tuple of `tuple(torch.FloatTensor)` of length `config.n_layers`, with each tuple having 2 tensors of shape
+ `(batch_size, num_heads, sequence_length, embed_size_per_head)`) and 2 additional tensors of shape
+ `(batch_size, num_heads, encoder_sequence_length, embed_size_per_head)`.
+
+ Contains pre-computed hidden-states (key and values in the self-attention blocks and in the cross-attention
+ blocks) that can be used (see `past_key_values` input) to speed up sequential decoding.
+
+ If `past_key_values` are used, the user can optionally input only the last `decoder_input_ids` (those that
+ don't have their past key value states given to this model) of shape `(batch_size, 1)` instead of all
+ `decoder_input_ids` of shape `(batch_size, sequence_length)`.
+ inputs_embeds (`torch.FloatTensor` of shape `(batch_size, sequence_length, hidden_size)`, *optional*):
+ Optionally, instead of passing `input_ids` you can choose to directly pass an embedded representation. This
+ is useful if you want more control over how to convert `input_ids` indices into associated vectors than the
+ model's internal embedding lookup matrix.
+ use_cache (`bool`, *optional*):
+ If set to `True`, `past_key_values` key value states are returned and can be used to speed up decoding (see
+ `past_key_values`).
+ output_attentions (`bool`, *optional*):
+ Whether or not to return the attentions tensors of all attention layers. See `attentions` under returned
+ tensors for more detail.
+ output_hidden_states (`bool`, *optional*):
+ Whether or not to return the hidden states of all layers. See `hidden_states` under returned tensors for
+ more detail.
+ return_dict (`bool`, *optional*):
+ Whether or not to return a [`~utils.ModelOutput`] instead of a plain tuple.
+"""
+
+
+@add_start_docstrings(
+ "The bare LLaMA Model outputting raw hidden-states without any specific head on top.",
+ LLAMA_START_DOCSTRING,
+)
+class LlamaModel(LlamaPreTrainedModel):
+ """
+ Transformer decoder consisting of *config.num_hidden_layers* layers. Each layer is a [`LlamaDecoderLayer`]
+
+ Args:
+ config: LlamaConfig
+ """
+
+ def __init__(self, config: LlamaConfig):
+ super().__init__(config)
+ self.padding_idx = config.pad_token_id
+ self.vocab_size = config.vocab_size
+
+ self.embed_tokens = nn.Embedding(config.vocab_size, config.hidden_size, self.padding_idx)
+ self.layers = nn.ModuleList([LlamaDecoderLayer(config) for _ in range(config.num_hidden_layers)])
+ self.norm = LlamaRMSNorm(config.hidden_size, eps=config.rms_norm_eps)
+
+ self.gradient_checkpointing = False
+ # Initialize weights and apply final processing
+ self.post_init()
+
+ def get_input_embeddings(self):
+ return self.embed_tokens
+
+ def set_input_embeddings(self, value):
+ self.embed_tokens = value
+
+ # Copied from transformers.models.bart.modeling_bart.BartDecoder._prepare_decoder_attention_mask
+ def _prepare_decoder_attention_mask(self, attention_mask, input_shape, inputs_embeds, past_key_values_length):
+ # create causal mask
+ # [bsz, seq_len] -> [bsz, 1, tgt_seq_len, src_seq_len]
+ combined_attention_mask = None
+ if input_shape[-1] > 1:
+ combined_attention_mask = _make_causal_mask(
+ input_shape,
+ inputs_embeds.dtype,
+ device=inputs_embeds.device,
+ past_key_values_length=past_key_values_length,
+ )
+
+ if attention_mask is not None:
+ # [bsz, seq_len] -> [bsz, 1, tgt_seq_len, src_seq_len]
+ expanded_attn_mask = _expand_mask(attention_mask, inputs_embeds.dtype, tgt_len=input_shape[-1]).to(
+ inputs_embeds.device
+ )
+ combined_attention_mask = (
+ expanded_attn_mask if combined_attention_mask is None else expanded_attn_mask + combined_attention_mask
+ )
+
+ return combined_attention_mask
+
+ @add_start_docstrings_to_model_forward(LLAMA_INPUTS_DOCSTRING)
+ def forward(
+ self,
+ input_ids: torch.LongTensor = None,
+ attention_mask: Optional[torch.Tensor] = None,
+ position_ids: Optional[torch.LongTensor] = None,
+ past_key_values: Optional[List[torch.FloatTensor]] = None,
+ inputs_embeds: Optional[torch.FloatTensor] = None,
+ query_embeds: Optional[torch.FloatTensor] = None,
+ use_cache: Optional[bool] = None,
+ output_attentions: Optional[bool] = None,
+ output_hidden_states: Optional[bool] = None,
+ return_dict: Optional[bool] = None,
+ ) -> Union[Tuple, BaseModelOutputWithPast]:
+ output_attentions = output_attentions if output_attentions is not None else self.config.output_attentions
+ output_hidden_states = (
+ output_hidden_states if output_hidden_states is not None else self.config.output_hidden_states
+ )
+ use_cache = use_cache if use_cache is not None else self.config.use_cache
+
+ return_dict = return_dict if return_dict is not None else self.config.use_return_dict
+
+ # retrieve input_ids and inputs_embeds
+ if input_ids is not None and inputs_embeds is not None:
+ raise ValueError("You cannot specify both decoder_input_ids and decoder_inputs_embeds at the same time")
+ elif input_ids is not None:
+ batch_size, seq_length = input_ids.shape
+ elif inputs_embeds is not None:
+ batch_size, seq_length, _ = inputs_embeds.shape
+ else:
+ raise ValueError("You have to specify either decoder_input_ids or decoder_inputs_embeds")
+
+ if inputs_embeds is None:
+ inputs_embeds = self.embed_tokens(input_ids)
+ if query_embeds is not None:
+ inputs_embeds = torch.cat([query_embeds, inputs_embeds], dim=1)
+ batch_size, seq_length, _ = inputs_embeds.shape
+
+ seq_length_with_past = seq_length
+ past_key_values_length = 0
+
+ if past_key_values is not None:
+ past_key_values_length = past_key_values[0][0].shape[2]
+ seq_length_with_past = seq_length_with_past + past_key_values_length
+
+ if position_ids is None:
+ device = input_ids.device if input_ids is not None else inputs_embeds.device
+ position_ids = torch.arange(
+ past_key_values_length, seq_length + past_key_values_length, dtype=torch.long, device=device
+ )
+ position_ids = position_ids.unsqueeze(0).view(-1, seq_length)
+ else:
+ position_ids = position_ids.view(-1, seq_length).long()
+
+ # embed positions
+ if attention_mask is None:
+ attention_mask = torch.ones(
+ (batch_size, seq_length_with_past), dtype=torch.bool, device=inputs_embeds.device
+ )
+ attention_mask = self._prepare_decoder_attention_mask(
+ attention_mask, (batch_size, seq_length), inputs_embeds, past_key_values_length
+ )
+
+ hidden_states = inputs_embeds
+
+ if self.gradient_checkpointing and self.training:
+ if use_cache:
+ logger.warning_once(
+ "`use_cache=True` is incompatible with gradient checkpointing. Setting `use_cache=False`..."
+ )
+ use_cache = False
+
+ # decoder layers
+ all_hidden_states = () if output_hidden_states else None
+ all_self_attns = () if output_attentions else None
+ next_decoder_cache = () if use_cache else None
+
+ for idx, decoder_layer in enumerate(self.layers):
+ if output_hidden_states:
+ all_hidden_states += (hidden_states,)
+
+ past_key_value = past_key_values[idx] if past_key_values is not None else None
+
+ if self.gradient_checkpointing and self.training:
+
+ def create_custom_forward(module):
+ def custom_forward(*inputs):
+ # None for past_key_value
+ return module(*inputs, output_attentions, None)
+
+ return custom_forward
+
+ layer_outputs = torch.utils.checkpoint.checkpoint(
+ create_custom_forward(decoder_layer),
+ hidden_states,
+ attention_mask,
+ position_ids,
+ None,
+ )
+ else:
+ layer_outputs = decoder_layer(
+ hidden_states,
+ attention_mask=attention_mask,
+ position_ids=position_ids,
+ past_key_value=past_key_value,
+ output_attentions=output_attentions,
+ use_cache=use_cache,
+ )
+
+ hidden_states = layer_outputs[0]
+
+ if use_cache:
+ next_decoder_cache += (layer_outputs[2 if output_attentions else 1],)
+
+ if output_attentions:
+ all_self_attns += (layer_outputs[1],)
+
+ hidden_states = self.norm(hidden_states)
+
+ # add hidden states from the last decoder layer
+ if output_hidden_states:
+ all_hidden_states += (hidden_states,)
+
+ next_cache = next_decoder_cache if use_cache else None
+ if not return_dict:
+ return tuple(v for v in [hidden_states, next_cache, all_hidden_states, all_self_attns] if v is not None)
+ return BaseModelOutputWithPast(
+ last_hidden_state=hidden_states,
+ past_key_values=next_cache,
+ hidden_states=all_hidden_states,
+ attentions=all_self_attns,
+ )
+
+
+class LlamaForCausalLM(LlamaPreTrainedModel):
+ def __init__(self, config):
+ super().__init__(config)
+ self.model = LlamaModel(config)
+
+ self.lm_head = nn.Linear(config.hidden_size, config.vocab_size, bias=False)
+
+ # Initialize weights and apply final processing
+ self.post_init()
+
+ def get_input_embeddings(self):
+ return self.model.embed_tokens
+
+ def set_input_embeddings(self, value):
+ self.model.embed_tokens = value
+
+ def get_output_embeddings(self):
+ return self.lm_head
+
+ def set_output_embeddings(self, new_embeddings):
+ self.lm_head = new_embeddings
+
+ def set_decoder(self, decoder):
+ self.model = decoder
+
+ def get_decoder(self):
+ return self.model
+
+ @add_start_docstrings_to_model_forward(LLAMA_INPUTS_DOCSTRING)
+ @replace_return_docstrings(output_type=CausalLMOutputWithPast, config_class=_CONFIG_FOR_DOC)
+ def forward(
+ self,
+ input_ids: torch.LongTensor = None,
+ attention_mask: Optional[torch.Tensor] = None,
+ position_ids: Optional[torch.LongTensor] = None,
+ past_key_values: Optional[List[torch.FloatTensor]] = None,
+ inputs_embeds: Optional[torch.FloatTensor] = None,
+ query_embeds: Optional[torch.FloatTensor] = None,
+ labels: Optional[torch.LongTensor] = None,
+ use_cache: Optional[bool] = None,
+ output_attentions: Optional[bool] = None,
+ output_hidden_states: Optional[bool] = None,
+ return_dict: Optional[bool] = None,
+ ) -> Union[Tuple, CausalLMOutputWithPast]:
+ r"""
+ Args:
+ labels (`torch.LongTensor` of shape `(batch_size, sequence_length)`, *optional*):
+ Labels for computing the masked language modeling loss. Indices should either be in `[0, ...,
+ config.vocab_size]` or -100 (see `input_ids` docstring). Tokens with indices set to `-100` are ignored
+ (masked), the loss is only computed for the tokens with labels in `[0, ..., config.vocab_size]`.
+
+ Returns:
+
+ Example:
+
+ ```python
+ >>> from transformers import AutoTokenizer, LlamaForCausalLM
+
+ >>> model = LlamaForCausalLM.from_pretrained(PATH_TO_CONVERTED_WEIGHTS)
+ >>> tokenizer = AutoTokenizer.from_pretrained(PATH_TO_CONVERTED_TOKENIZER)
+
+ >>> prompt = "Hey, are you consciours? Can you talk to me?"
+ >>> inputs = tokenizer(prompt, return_tensors="pt")
+
+ >>> # Generate
+ >>> generate_ids = model.generate(inputs.input_ids, max_length=30)
+ >>> tokenizer.batch_decode(generate_ids, skip_special_tokens=True, clean_up_tokenization_spaces=False)[0]
+ "Hey, are you consciours? Can you talk to me?\nI'm not consciours, but I can talk to you."
+ ```"""
+
+ output_attentions = output_attentions if output_attentions is not None else self.config.output_attentions
+ output_hidden_states = (
+ output_hidden_states if output_hidden_states is not None else self.config.output_hidden_states
+ )
+ return_dict = return_dict if return_dict is not None else self.config.use_return_dict
+
+ # decoder outputs consists of (dec_features, layer_state, dec_hidden, dec_attn)
+ outputs = self.model(
+ input_ids=input_ids,
+ attention_mask=attention_mask,
+ position_ids=position_ids,
+ past_key_values=past_key_values,
+ inputs_embeds=inputs_embeds,
+ query_embeds=query_embeds,
+ use_cache=use_cache,
+ output_attentions=output_attentions,
+ output_hidden_states=output_hidden_states,
+ return_dict=return_dict,
+ )
+
+ hidden_states = outputs[0]
+ logits = self.lm_head(hidden_states)
+
+ loss = None
+ if labels is not None:
+ # Shift so that tokens < n predict n
+ shift_logits = logits[..., :-1, :].contiguous()
+ shift_labels = labels[..., 1:].contiguous()
+ # Flatten the tokens
+ loss_fct = CrossEntropyLoss()
+ shift_logits = shift_logits.view(-1, self.config.vocab_size)
+ shift_labels = shift_labels.view(-1)
+ # Enable model parallelism
+ shift_labels = shift_labels.to(shift_logits.device)
+ loss = loss_fct(shift_logits, shift_labels)
+
+ if not return_dict:
+ output = (logits,) + outputs[1:]
+ return (loss,) + output if loss is not None else output
+
+ return CausalLMOutputWithPast(
+ loss=loss,
+ logits=logits,
+ past_key_values=outputs.past_key_values,
+ hidden_states=outputs.hidden_states,
+ attentions=outputs.attentions,
+ )
+
+ def prepare_inputs_for_generation(
+ self, input_ids, query_embeds=None, past_key_values=None, attention_mask=None, inputs_embeds=None, **kwargs
+ ):
+ if past_key_values:
+ input_ids = input_ids[:, -1:]
+
+ position_ids = kwargs.get("position_ids", None)
+ if attention_mask is not None and position_ids is None:
+ # create position_ids on the fly for batch generation
+ position_ids = attention_mask.long().cumsum(-1) - 1
+ position_ids.masked_fill_(attention_mask == 0, 1)
+ if past_key_values:
+ position_ids = position_ids[:, -1].unsqueeze(-1)
+ query_embeds = None
+
+ # if `inputs_embeds` are passed, we only want to use them in the 1st generation step
+ if inputs_embeds is not None and past_key_values is None:
+ model_inputs = {"inputs_embeds": inputs_embeds}
+ else:
+ model_inputs = {"input_ids": input_ids}
+
+ model_inputs.update(
+ {
+ "position_ids": position_ids,
+ "query_embeds": query_embeds,
+ "past_key_values": past_key_values,
+ "use_cache": kwargs.get("use_cache"),
+ "attention_mask": attention_mask,
+ }
+ )
+ return model_inputs
+
+ @staticmethod
+ def _reorder_cache(past_key_values, beam_idx):
+ reordered_past = ()
+ for layer_past in past_key_values:
+ reordered_past += (tuple(past_state.index_select(0, beam_idx) for past_state in layer_past),)
+ return reordered_past
+
diff --git a/minigpt4/processors/__init__.py b/minigpt4/processors/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..e560eaa15f3266dbc1ffbca70bdc791901737a60
--- /dev/null
+++ b/minigpt4/processors/__init__.py
@@ -0,0 +1,33 @@
+"""
+ Copyright (c) 2022, salesforce.com, inc.
+ All rights reserved.
+ SPDX-License-Identifier: BSD-3-Clause
+ For full license text, see the LICENSE_Lavis file in the repo root or https://opensource.org/licenses/BSD-3-Clause
+"""
+
+from minigpt4.processors.base_processor import BaseProcessor
+from minigpt4.processors.blip_processors import (
+ Blip2ImageTrainProcessor,
+ Blip2ImageEvalProcessor,
+ BlipCaptionProcessor,
+)
+
+from minigpt4.common.registry import registry
+
+__all__ = [
+ "BaseProcessor",
+ "Blip2ImageTrainProcessor",
+ "Blip2ImageEvalProcessor",
+ "BlipCaptionProcessor",
+]
+
+
+def load_processor(name, cfg=None):
+ """
+ Example
+
+ >>> processor = load_processor("alpro_video_train", cfg=None)
+ """
+ processor = registry.get_processor_class(name).from_config(cfg)
+
+ return processor
diff --git a/minigpt4/processors/__pycache__/__init__.cpython-310.pyc b/minigpt4/processors/__pycache__/__init__.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..317b0af3cebb9da164b6995c786ea1b4bb3fbd79
Binary files /dev/null and b/minigpt4/processors/__pycache__/__init__.cpython-310.pyc differ
diff --git a/minigpt4/processors/__pycache__/base_processor.cpython-310.pyc b/minigpt4/processors/__pycache__/base_processor.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..8df95a5b33165091bf9b65b36e4174e43c4c0687
Binary files /dev/null and b/minigpt4/processors/__pycache__/base_processor.cpython-310.pyc differ
diff --git a/minigpt4/processors/__pycache__/blip_processors.cpython-310.pyc b/minigpt4/processors/__pycache__/blip_processors.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..0dae50683f1c92df0e224ef11389344c812253ff
Binary files /dev/null and b/minigpt4/processors/__pycache__/blip_processors.cpython-310.pyc differ
diff --git a/minigpt4/processors/__pycache__/randaugment.cpython-310.pyc b/minigpt4/processors/__pycache__/randaugment.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..3a3c6e5fae55acc39e3d8c85d37abd37e2fab6ba
Binary files /dev/null and b/minigpt4/processors/__pycache__/randaugment.cpython-310.pyc differ
diff --git a/minigpt4/processors/base_processor.py b/minigpt4/processors/base_processor.py
new file mode 100644
index 0000000000000000000000000000000000000000..39b33cdf8fcd97cfd3e4a5fbece6593357af9d41
--- /dev/null
+++ b/minigpt4/processors/base_processor.py
@@ -0,0 +1,26 @@
+"""
+ Copyright (c) 2022, salesforce.com, inc.
+ All rights reserved.
+ SPDX-License-Identifier: BSD-3-Clause
+ For full license text, see the LICENSE_Lavis file in the repo root or https://opensource.org/licenses/BSD-3-Clause
+"""
+
+from omegaconf import OmegaConf
+
+
+class BaseProcessor:
+ def __init__(self):
+ self.transform = lambda x: x
+ return
+
+ def __call__(self, item):
+ return self.transform(item)
+
+ @classmethod
+ def from_config(cls, cfg=None):
+ return cls()
+
+ def build(self, **kwargs):
+ cfg = OmegaConf.create(kwargs)
+
+ return self.from_config(cfg)
diff --git a/minigpt4/processors/blip_processors.py b/minigpt4/processors/blip_processors.py
new file mode 100644
index 0000000000000000000000000000000000000000..fd26160ec96a8458cdac083d19c19695937a7a62
--- /dev/null
+++ b/minigpt4/processors/blip_processors.py
@@ -0,0 +1,141 @@
+"""
+ Copyright (c) 2022, salesforce.com, inc.
+ All rights reserved.
+ SPDX-License-Identifier: BSD-3-Clause
+ For full license text, see the LICENSE_Lavis file in the repo root or https://opensource.org/licenses/BSD-3-Clause
+"""
+
+import re
+
+from minigpt4.common.registry import registry
+from minigpt4.processors.base_processor import BaseProcessor
+from minigpt4.processors.randaugment import RandomAugment
+from omegaconf import OmegaConf
+from torchvision import transforms
+from torchvision.transforms.functional import InterpolationMode
+
+
+class BlipImageBaseProcessor(BaseProcessor):
+ def __init__(self, mean=None, std=None):
+ if mean is None:
+ mean = (0.48145466, 0.4578275, 0.40821073)
+ if std is None:
+ std = (0.26862954, 0.26130258, 0.27577711)
+
+ self.normalize = transforms.Normalize(mean, std)
+
+
+@registry.register_processor("blip_caption")
+class BlipCaptionProcessor(BaseProcessor):
+ def __init__(self, prompt="", max_words=50):
+ self.prompt = prompt
+ self.max_words = max_words
+
+ def __call__(self, caption):
+ caption = self.prompt + self.pre_caption(caption)
+
+ return caption
+
+ @classmethod
+ def from_config(cls, cfg=None):
+ if cfg is None:
+ cfg = OmegaConf.create()
+
+ prompt = cfg.get("prompt", "")
+ max_words = cfg.get("max_words", 50)
+
+ return cls(prompt=prompt, max_words=max_words)
+
+ def pre_caption(self, caption):
+ caption = re.sub(
+ r"([.!\"()*#:;~])",
+ " ",
+ caption.lower(),
+ )
+ caption = re.sub(
+ r"\s{2,}",
+ " ",
+ caption,
+ )
+ caption = caption.rstrip("\n")
+ caption = caption.strip(" ")
+
+ # truncate caption
+ caption_words = caption.split(" ")
+ if len(caption_words) > self.max_words:
+ caption = " ".join(caption_words[: self.max_words])
+
+ return caption
+
+
+@registry.register_processor("blip2_image_train")
+class Blip2ImageTrainProcessor(BlipImageBaseProcessor):
+ def __init__(self, image_size=224, mean=None, std=None, min_scale=0.5, max_scale=1.0):
+ super().__init__(mean=mean, std=std)
+
+ self.transform = transforms.Compose(
+ [
+ transforms.RandomResizedCrop(
+ image_size,
+ scale=(min_scale, max_scale),
+ interpolation=InterpolationMode.BICUBIC,
+ ),
+ transforms.ToTensor(),
+ self.normalize,
+ ]
+ )
+
+ def __call__(self, item):
+ return self.transform(item)
+
+ @classmethod
+ def from_config(cls, cfg=None):
+ if cfg is None:
+ cfg = OmegaConf.create()
+
+ image_size = cfg.get("image_size", 224)
+
+ mean = cfg.get("mean", None)
+ std = cfg.get("std", None)
+
+ min_scale = cfg.get("min_scale", 0.5)
+ max_scale = cfg.get("max_scale", 1.0)
+
+ return cls(
+ image_size=image_size,
+ mean=mean,
+ std=std,
+ min_scale=min_scale,
+ max_scale=max_scale,
+ )
+
+
+@registry.register_processor("blip2_image_eval")
+class Blip2ImageEvalProcessor(BlipImageBaseProcessor):
+ def __init__(self, image_size=224, mean=None, std=None):
+ super().__init__(mean=mean, std=std)
+
+ self.transform = transforms.Compose(
+ [
+ transforms.Resize(
+ (image_size, image_size), interpolation=InterpolationMode.BICUBIC
+ ),
+ transforms.ToTensor(),
+ self.normalize,
+ ]
+ )
+
+ def __call__(self, item):
+ return self.transform(item)
+
+ @classmethod
+ def from_config(cls, cfg=None):
+ if cfg is None:
+ cfg = OmegaConf.create()
+
+ image_size = cfg.get("image_size", 224)
+
+ mean = cfg.get("mean", None)
+ std = cfg.get("std", None)
+
+ return cls(image_size=image_size, mean=mean, std=std)
\ No newline at end of file
diff --git a/minigpt4/processors/randaugment.py b/minigpt4/processors/randaugment.py
new file mode 100644
index 0000000000000000000000000000000000000000..7034a49ad5fc63b97910790017432617ff4c6d7b
--- /dev/null
+++ b/minigpt4/processors/randaugment.py
@@ -0,0 +1,398 @@
+"""
+ Copyright (c) 2022, salesforce.com, inc.
+ All rights reserved.
+ SPDX-License-Identifier: BSD-3-Clause
+ For full license text, see the LICENSE_Lavis file in the repo root or https://opensource.org/licenses/BSD-3-Clause
+"""
+
+import cv2
+import numpy as np
+
+import torch
+
+
+## aug functions
+def identity_func(img):
+ return img
+
+
+def autocontrast_func(img, cutoff=0):
+ """
+ same output as PIL.ImageOps.autocontrast
+ """
+ n_bins = 256
+
+ def tune_channel(ch):
+ n = ch.size
+ cut = cutoff * n // 100
+ if cut == 0:
+ high, low = ch.max(), ch.min()
+ else:
+ hist = cv2.calcHist([ch], [0], None, [n_bins], [0, n_bins])
+ low = np.argwhere(np.cumsum(hist) > cut)
+ low = 0 if low.shape[0] == 0 else low[0]
+ high = np.argwhere(np.cumsum(hist[::-1]) > cut)
+ high = n_bins - 1 if high.shape[0] == 0 else n_bins - 1 - high[0]
+ if high <= low:
+ table = np.arange(n_bins)
+ else:
+ scale = (n_bins - 1) / (high - low)
+ offset = -low * scale
+ table = np.arange(n_bins) * scale + offset
+ table[table < 0] = 0
+ table[table > n_bins - 1] = n_bins - 1
+ table = table.clip(0, 255).astype(np.uint8)
+ return table[ch]
+
+ channels = [tune_channel(ch) for ch in cv2.split(img)]
+ out = cv2.merge(channels)
+ return out
+
+
+def equalize_func(img):
+ """
+ same output as PIL.ImageOps.equalize
+ PIL's implementation is different from cv2.equalize
+ """
+ n_bins = 256
+
+ def tune_channel(ch):
+ hist = cv2.calcHist([ch], [0], None, [n_bins], [0, n_bins])
+ non_zero_hist = hist[hist != 0].reshape(-1)
+ step = np.sum(non_zero_hist[:-1]) // (n_bins - 1)
+ if step == 0:
+ return ch
+ n = np.empty_like(hist)
+ n[0] = step // 2
+ n[1:] = hist[:-1]
+ table = (np.cumsum(n) // step).clip(0, 255).astype(np.uint8)
+ return table[ch]
+
+ channels = [tune_channel(ch) for ch in cv2.split(img)]
+ out = cv2.merge(channels)
+ return out
+
+
+def rotate_func(img, degree, fill=(0, 0, 0)):
+ """
+ like PIL, rotate by degree, not radians
+ """
+ H, W = img.shape[0], img.shape[1]
+ center = W / 2, H / 2
+ M = cv2.getRotationMatrix2D(center, degree, 1)
+ out = cv2.warpAffine(img, M, (W, H), borderValue=fill)
+ return out
+
+
+def solarize_func(img, thresh=128):
+ """
+ same output as PIL.ImageOps.posterize
+ """
+ table = np.array([el if el < thresh else 255 - el for el in range(256)])
+ table = table.clip(0, 255).astype(np.uint8)
+ out = table[img]
+ return out
+
+
+def color_func(img, factor):
+ """
+ same output as PIL.ImageEnhance.Color
+ """
+ ## implementation according to PIL definition, quite slow
+ # degenerate = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY)[:, :, np.newaxis]
+ # out = blend(degenerate, img, factor)
+ # M = (
+ # np.eye(3) * factor
+ # + np.float32([0.114, 0.587, 0.299]).reshape(3, 1) * (1. - factor)
+ # )[np.newaxis, np.newaxis, :]
+ M = np.float32(
+ [[0.886, -0.114, -0.114], [-0.587, 0.413, -0.587], [-0.299, -0.299, 0.701]]
+ ) * factor + np.float32([[0.114], [0.587], [0.299]])
+ out = np.matmul(img, M).clip(0, 255).astype(np.uint8)
+ return out
+
+
+def contrast_func(img, factor):
+ """
+ same output as PIL.ImageEnhance.Contrast
+ """
+ mean = np.sum(np.mean(img, axis=(0, 1)) * np.array([0.114, 0.587, 0.299]))
+ table = (
+ np.array([(el - mean) * factor + mean for el in range(256)])
+ .clip(0, 255)
+ .astype(np.uint8)
+ )
+ out = table[img]
+ return out
+
+
+def brightness_func(img, factor):
+ """
+ same output as PIL.ImageEnhance.Contrast
+ """
+ table = (np.arange(256, dtype=np.float32) * factor).clip(0, 255).astype(np.uint8)
+ out = table[img]
+ return out
+
+
+def sharpness_func(img, factor):
+ """
+ The differences the this result and PIL are all on the 4 boundaries, the center
+ areas are same
+ """
+ kernel = np.ones((3, 3), dtype=np.float32)
+ kernel[1][1] = 5
+ kernel /= 13
+ degenerate = cv2.filter2D(img, -1, kernel)
+ if factor == 0.0:
+ out = degenerate
+ elif factor == 1.0:
+ out = img
+ else:
+ out = img.astype(np.float32)
+ degenerate = degenerate.astype(np.float32)[1:-1, 1:-1, :]
+ out[1:-1, 1:-1, :] = degenerate + factor * (out[1:-1, 1:-1, :] - degenerate)
+ out = out.astype(np.uint8)
+ return out
+
+
+def shear_x_func(img, factor, fill=(0, 0, 0)):
+ H, W = img.shape[0], img.shape[1]
+ M = np.float32([[1, factor, 0], [0, 1, 0]])
+ out = cv2.warpAffine(
+ img, M, (W, H), borderValue=fill, flags=cv2.INTER_LINEAR
+ ).astype(np.uint8)
+ return out
+
+
+def translate_x_func(img, offset, fill=(0, 0, 0)):
+ """
+ same output as PIL.Image.transform
+ """
+ H, W = img.shape[0], img.shape[1]
+ M = np.float32([[1, 0, -offset], [0, 1, 0]])
+ out = cv2.warpAffine(
+ img, M, (W, H), borderValue=fill, flags=cv2.INTER_LINEAR
+ ).astype(np.uint8)
+ return out
+
+
+def translate_y_func(img, offset, fill=(0, 0, 0)):
+ """
+ same output as PIL.Image.transform
+ """
+ H, W = img.shape[0], img.shape[1]
+ M = np.float32([[1, 0, 0], [0, 1, -offset]])
+ out = cv2.warpAffine(
+ img, M, (W, H), borderValue=fill, flags=cv2.INTER_LINEAR
+ ).astype(np.uint8)
+ return out
+
+
+def posterize_func(img, bits):
+ """
+ same output as PIL.ImageOps.posterize
+ """
+ out = np.bitwise_and(img, np.uint8(255 << (8 - bits)))
+ return out
+
+
+def shear_y_func(img, factor, fill=(0, 0, 0)):
+ H, W = img.shape[0], img.shape[1]
+ M = np.float32([[1, 0, 0], [factor, 1, 0]])
+ out = cv2.warpAffine(
+ img, M, (W, H), borderValue=fill, flags=cv2.INTER_LINEAR
+ ).astype(np.uint8)
+ return out
+
+
+def cutout_func(img, pad_size, replace=(0, 0, 0)):
+ replace = np.array(replace, dtype=np.uint8)
+ H, W = img.shape[0], img.shape[1]
+ rh, rw = np.random.random(2)
+ pad_size = pad_size // 2
+ ch, cw = int(rh * H), int(rw * W)
+ x1, x2 = max(ch - pad_size, 0), min(ch + pad_size, H)
+ y1, y2 = max(cw - pad_size, 0), min(cw + pad_size, W)
+ out = img.copy()
+ out[x1:x2, y1:y2, :] = replace
+ return out
+
+
+### level to args
+def enhance_level_to_args(MAX_LEVEL):
+ def level_to_args(level):
+ return ((level / MAX_LEVEL) * 1.8 + 0.1,)
+
+ return level_to_args
+
+
+def shear_level_to_args(MAX_LEVEL, replace_value):
+ def level_to_args(level):
+ level = (level / MAX_LEVEL) * 0.3
+ if np.random.random() > 0.5:
+ level = -level
+ return (level, replace_value)
+
+ return level_to_args
+
+
+def translate_level_to_args(translate_const, MAX_LEVEL, replace_value):
+ def level_to_args(level):
+ level = (level / MAX_LEVEL) * float(translate_const)
+ if np.random.random() > 0.5:
+ level = -level
+ return (level, replace_value)
+
+ return level_to_args
+
+
+def cutout_level_to_args(cutout_const, MAX_LEVEL, replace_value):
+ def level_to_args(level):
+ level = int((level / MAX_LEVEL) * cutout_const)
+ return (level, replace_value)
+
+ return level_to_args
+
+
+def solarize_level_to_args(MAX_LEVEL):
+ def level_to_args(level):
+ level = int((level / MAX_LEVEL) * 256)
+ return (level,)
+
+ return level_to_args
+
+
+def none_level_to_args(level):
+ return ()
+
+
+def posterize_level_to_args(MAX_LEVEL):
+ def level_to_args(level):
+ level = int((level / MAX_LEVEL) * 4)
+ return (level,)
+
+ return level_to_args
+
+
+def rotate_level_to_args(MAX_LEVEL, replace_value):
+ def level_to_args(level):
+ level = (level / MAX_LEVEL) * 30
+ if np.random.random() < 0.5:
+ level = -level
+ return (level, replace_value)
+
+ return level_to_args
+
+
+func_dict = {
+ "Identity": identity_func,
+ "AutoContrast": autocontrast_func,
+ "Equalize": equalize_func,
+ "Rotate": rotate_func,
+ "Solarize": solarize_func,
+ "Color": color_func,
+ "Contrast": contrast_func,
+ "Brightness": brightness_func,
+ "Sharpness": sharpness_func,
+ "ShearX": shear_x_func,
+ "TranslateX": translate_x_func,
+ "TranslateY": translate_y_func,
+ "Posterize": posterize_func,
+ "ShearY": shear_y_func,
+}
+
+translate_const = 10
+MAX_LEVEL = 10
+replace_value = (128, 128, 128)
+arg_dict = {
+ "Identity": none_level_to_args,
+ "AutoContrast": none_level_to_args,
+ "Equalize": none_level_to_args,
+ "Rotate": rotate_level_to_args(MAX_LEVEL, replace_value),
+ "Solarize": solarize_level_to_args(MAX_LEVEL),
+ "Color": enhance_level_to_args(MAX_LEVEL),
+ "Contrast": enhance_level_to_args(MAX_LEVEL),
+ "Brightness": enhance_level_to_args(MAX_LEVEL),
+ "Sharpness": enhance_level_to_args(MAX_LEVEL),
+ "ShearX": shear_level_to_args(MAX_LEVEL, replace_value),
+ "TranslateX": translate_level_to_args(translate_const, MAX_LEVEL, replace_value),
+ "TranslateY": translate_level_to_args(translate_const, MAX_LEVEL, replace_value),
+ "Posterize": posterize_level_to_args(MAX_LEVEL),
+ "ShearY": shear_level_to_args(MAX_LEVEL, replace_value),
+}
+
+
+class RandomAugment(object):
+ def __init__(self, N=2, M=10, isPIL=False, augs=[]):
+ self.N = N
+ self.M = M
+ self.isPIL = isPIL
+ if augs:
+ self.augs = augs
+ else:
+ self.augs = list(arg_dict.keys())
+
+ def get_random_ops(self):
+ sampled_ops = np.random.choice(self.augs, self.N)
+ return [(op, 0.5, self.M) for op in sampled_ops]
+
+ def __call__(self, img):
+ if self.isPIL:
+ img = np.array(img)
+ ops = self.get_random_ops()
+ for name, prob, level in ops:
+ if np.random.random() > prob:
+ continue
+ args = arg_dict[name](level)
+ img = func_dict[name](img, *args)
+ return img
+
+
+class VideoRandomAugment(object):
+ def __init__(self, N=2, M=10, p=0.0, tensor_in_tensor_out=True, augs=[]):
+ self.N = N
+ self.M = M
+ self.p = p
+ self.tensor_in_tensor_out = tensor_in_tensor_out
+ if augs:
+ self.augs = augs
+ else:
+ self.augs = list(arg_dict.keys())
+
+ def get_random_ops(self):
+ sampled_ops = np.random.choice(self.augs, self.N, replace=False)
+ return [(op, self.M) for op in sampled_ops]
+
+ def __call__(self, frames):
+ assert (
+ frames.shape[-1] == 3
+ ), "Expecting last dimension for 3-channels RGB (b, h, w, c)."
+
+ if self.tensor_in_tensor_out:
+ frames = frames.numpy().astype(np.uint8)
+
+ num_frames = frames.shape[0]
+
+ ops = num_frames * [self.get_random_ops()]
+ apply_or_not = num_frames * [np.random.random(size=self.N) > self.p]
+
+ frames = torch.stack(
+ list(map(self._aug, frames, ops, apply_or_not)), dim=0
+ ).float()
+
+ return frames
+
+ def _aug(self, img, ops, apply_or_not):
+ for i, (name, level) in enumerate(ops):
+ if not apply_or_not[i]:
+ continue
+ args = arg_dict[name](level)
+ img = func_dict[name](img, *args)
+ return torch.from_numpy(img)
+
+
+if __name__ == "__main__":
+ a = RandomAugment()
+ img = np.random.randn(32, 32, 3)
+ a(img)
diff --git a/minigpt4/runners/__init__.py b/minigpt4/runners/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..64e7a4d643a8b5a1714687f42d43347a94b72373
--- /dev/null
+++ b/minigpt4/runners/__init__.py
@@ -0,0 +1,10 @@
+"""
+ Copyright (c) 2022, salesforce.com, inc.
+ All rights reserved.
+ SPDX-License-Identifier: BSD-3-Clause
+ For full license text, see the LICENSE_Lavis file in the repo root or https://opensource.org/licenses/BSD-3-Clause
+"""
+
+from minigpt4.runners.runner_base import RunnerBase
+
+__all__ = ["RunnerBase"]
diff --git a/minigpt4/runners/runner_base.py b/minigpt4/runners/runner_base.py
new file mode 100644
index 0000000000000000000000000000000000000000..0e4aef48399866653e26891ccea0321c7e7064d6
--- /dev/null
+++ b/minigpt4/runners/runner_base.py
@@ -0,0 +1,691 @@
+"""
+ Copyright (c) 2022, salesforce.com, inc.
+ All rights reserved.
+ SPDX-License-Identifier: BSD-3-Clause
+ For full license text, see the LICENSE_Lavis file in the repo root or https://opensource.org/licenses/BSD-3-Clause
+"""
+
+import datetime
+import json
+import logging
+import os
+import time
+from pathlib import Path
+import numpy as np
+
+import torch
+import torch.distributed as dist
+import webdataset as wds
+from minigpt4.common.dist_utils import (
+ download_cached_file,
+ get_rank,
+ get_world_size,
+ is_main_process,
+ main_process,
+)
+from minigpt4.common.registry import registry
+from minigpt4.common.utils import is_url
+from minigpt4.datasets.data_utils import concat_datasets, reorg_datasets_by_split, ChainDataset
+from minigpt4.datasets.datasets.dataloader_utils import (
+ IterLoader,
+ MultiIterLoader,
+ PrefetchLoader,
+)
+from torch.nn.parallel import DistributedDataParallel as DDP
+from torch.utils.data import DataLoader, DistributedSampler, default_collate
+
+
+@registry.register_runner("runner_base")
+class RunnerBase:
+ """
+ A runner class to train and evaluate a model given a task and datasets.
+
+ The runner uses pytorch distributed data parallel by default. Future release
+ will support other distributed frameworks.
+ """
+
+ def __init__(self, cfg, task, model, datasets, job_id):
+ self.config = cfg
+ self.job_id = job_id
+
+ self.task = task
+ self.datasets = datasets
+
+ self._model = model
+
+ self._wrapped_model = None
+ self._device = None
+ self._optimizer = None
+ self._scaler = None
+ self._dataloaders = None
+ self._lr_sched = None
+
+ self.start_epoch = 0
+
+ # self.setup_seeds()
+ self.setup_output_dir()
+
+ @property
+ def device(self):
+ if self._device is None:
+ self._device = torch.device(self.config.run_cfg.device)
+
+ return self._device
+
+ @property
+ def use_distributed(self):
+ return self.config.run_cfg.distributed
+
+ @property
+ def model(self):
+ """
+ A property to get the DDP-wrapped model on the device.
+ """
+ # move model to device
+ if self._model.device != self.device:
+ self._model = self._model.to(self.device)
+
+ # distributed training wrapper
+ if self.use_distributed:
+ if self._wrapped_model is None:
+ self._wrapped_model = DDP(
+ self._model, device_ids=[self.config.run_cfg.gpu]
+ )
+ else:
+ self._wrapped_model = self._model
+
+ return self._wrapped_model
+
+ @property
+ def optimizer(self):
+ # TODO make optimizer class and configurations
+ if self._optimizer is None:
+ num_parameters = 0
+ p_wd, p_non_wd = [], []
+ for n, p in self.model.named_parameters():
+ if not p.requires_grad:
+ continue # frozen weights
+ print(n)
+ if p.ndim < 2 or "bias" in n or "ln" in n or "bn" in n:
+ p_non_wd.append(p)
+ else:
+ p_wd.append(p)
+ num_parameters += p.data.nelement()
+ logging.info("number of trainable parameters: %d" % num_parameters)
+ optim_params = [
+ {
+ "params": p_wd,
+ "weight_decay": float(self.config.run_cfg.weight_decay),
+ },
+ {"params": p_non_wd, "weight_decay": 0},
+ ]
+ beta2 = self.config.run_cfg.get("beta2", 0.999)
+ self._optimizer = torch.optim.AdamW(
+ optim_params,
+ lr=float(self.config.run_cfg.init_lr),
+ weight_decay=float(self.config.run_cfg.weight_decay),
+ betas=(0.9, beta2),
+ )
+
+ return self._optimizer
+
+ @property
+ def scaler(self):
+ amp = self.config.run_cfg.get("amp", False)
+
+ if amp:
+ if self._scaler is None:
+ self._scaler = torch.cuda.amp.GradScaler()
+
+ return self._scaler
+
+ @property
+ def lr_scheduler(self):
+ """
+ A property to get and create learning rate scheduler by split just in need.
+ """
+ if self._lr_sched is None:
+ lr_sched_cls = registry.get_lr_scheduler_class(self.config.run_cfg.lr_sched)
+
+ # max_epoch = self.config.run_cfg.max_epoch
+ max_epoch = self.max_epoch
+ # min_lr = self.config.run_cfg.min_lr
+ min_lr = self.min_lr
+ # init_lr = self.config.run_cfg.init_lr
+ init_lr = self.init_lr
+
+ # optional parameters
+ decay_rate = self.config.run_cfg.get("lr_decay_rate", None)
+ warmup_start_lr = self.config.run_cfg.get("warmup_lr", -1)
+ warmup_steps = self.config.run_cfg.get("warmup_steps", 0)
+ iters_per_epoch = self.config.run_cfg.get("iters_per_epoch", None)
+
+
+ if iters_per_epoch is None:
+ try:
+ iters_per_epoch = len(self.dataloaders['train'].loaders[0])
+ except (AttributeError, TypeError):
+ iters_per_epoch = 10000
+ self._lr_sched = lr_sched_cls(
+ optimizer=self.optimizer,
+ max_epoch=max_epoch,
+ iters_per_epoch=iters_per_epoch,
+ min_lr=min_lr,
+ init_lr=init_lr,
+ decay_rate=decay_rate,
+ warmup_start_lr=warmup_start_lr,
+ warmup_steps=warmup_steps,
+ )
+
+ return self._lr_sched
+
+ @property
+ def dataloaders(self) -> dict:
+ """
+ A property to get and create dataloaders by split just in need.
+
+ If no train_dataset_ratio is provided, concatenate map-style datasets and
+ chain wds.DataPipe datasets separately. Training set becomes a tuple
+ (ConcatDataset, ChainDataset), both are optional but at least one of them is
+ required. The resultant ConcatDataset and ChainDataset will be sampled evenly.
+
+ If train_dataset_ratio is provided, create a MultiIterLoader to sample
+ each dataset by ratios during training.
+
+ Currently do not support multiple datasets for validation and test.
+
+ Returns:
+ dict: {split_name: (tuples of) dataloader}
+ """
+ if self._dataloaders is None:
+
+ # concatenate map-style datasets and chain wds.DataPipe datasets separately
+ # training set becomes a tuple (ConcatDataset, ChainDataset), both are
+ # optional but at least one of them is required. The resultant ConcatDataset
+ # and ChainDataset will be sampled evenly.
+ logging.info(
+ "dataset_ratios not specified, datasets will be concatenated (map-style datasets) or chained (webdataset.DataPipeline)."
+ )
+
+ datasets = reorg_datasets_by_split(self.datasets)
+ self.datasets = datasets
+ # self.datasets = concat_datasets(datasets)
+
+ # print dataset statistics after concatenation/chaining
+ for split_name in self.datasets:
+ if isinstance(self.datasets[split_name], tuple) or isinstance(
+ self.datasets[split_name], list
+ ):
+ # mixed wds.DataPipeline and torch.utils.data.Dataset
+ num_records = sum(
+ [
+ len(d)
+ if not type(d) in [wds.DataPipeline, ChainDataset]
+ else 0
+ for d in self.datasets[split_name]
+ ]
+ )
+
+ else:
+ if hasattr(self.datasets[split_name], "__len__"):
+ # a single map-style dataset
+ num_records = len(self.datasets[split_name])
+ else:
+ # a single wds.DataPipeline
+ num_records = -1
+ logging.info(
+ "Only a single wds.DataPipeline dataset, no __len__ attribute."
+ )
+
+ if num_records >= 0:
+ logging.info(
+ "Loaded {} records for {} split from the dataset.".format(
+ num_records, split_name
+ )
+ )
+
+ # create dataloaders
+ split_names = sorted(self.datasets.keys())
+ print("split_names")
+ print(f"split_names: {split_names}")
+ # exit()
+
+ datasets = [self.datasets[split] for split in split_names]
+ is_trains = [split in self.train_splits for split in split_names]
+
+ batch_sizes = [
+ self.config.run_cfg.batch_size_train
+ if split == "train"
+ else self.config.run_cfg.batch_size_eval
+ for split in split_names
+ ]
+
+ collate_fns = []
+ for dataset in datasets:
+ if isinstance(dataset, tuple) or isinstance(dataset, list):
+ collate_fns.append([getattr(d, "collater", None) for d in dataset])
+ else:
+ collate_fns.append(getattr(dataset, "collater", None))
+
+ # def custom_collate(original_batch):
+ # max_len_protein_dim0 = -1
+ # for pdb_json in original_batch:
+ # pdb_coords = pdb_json["pdb_coords"]
+ # shape_dim0 = pdb_coords.shape[0]
+ # max_len_protein_dim0 = max(max_len_protein_dim0, shape_dim0)
+ # # print(f"max_len_protein_dim0: {max_len_protein_dim0}")
+ # for pdb_json in original_batch:
+ # pdb_coords = pdb_json["pdb_coords"]
+ # shape_dim0 = pdb_coords.shape[0]
+ # pad1 = ((0, max_len_protein_dim0 - shape_dim0), (0, 0), (0, 0))
+ # arr1_padded = np.pad(pdb_coords, pad1, mode='constant', )
+ # pdb_json["pdb_coords"] = arr1_padded
+ #
+ # # for pdb_json in original_batch:
+ # # print(f"id: {pdb_json['pdb_id']}, shape: {pdb_json['pdb_coords'].shape}")
+ #
+ #
+ # return default_collate(original_batch)
+
+ # # print(collate_fns)
+ # collate_fns[0][0] = custom_collate
+ # print(collate_fns)
+ dataloaders = self.create_loaders(
+ datasets=datasets,
+ num_workers=self.config.run_cfg.num_workers,
+ batch_sizes=batch_sizes,
+ is_trains=is_trains,
+ collate_fns=collate_fns,
+ )
+ # print(dataloaders[0].loaders)
+ # print(collate_fns)
+ #
+ # print(datasets)
+ # # exit()
+
+ self._dataloaders = {k: v for k, v in zip(split_names, dataloaders)}
+
+ return self._dataloaders
+
+ @property
+ def cuda_enabled(self):
+ return self.device.type == "cuda"
+
+ @property
+ def max_epoch(self):
+ return int(self.config.run_cfg.max_epoch)
+
+ @property
+ def log_freq(self):
+ log_freq = self.config.run_cfg.get("log_freq", 50)
+ return int(log_freq)
+
+ @property
+ def init_lr(self):
+ return float(self.config.run_cfg.init_lr)
+
+ @property
+ def min_lr(self):
+ return float(self.config.run_cfg.min_lr)
+
+ @property
+ def accum_grad_iters(self):
+ return int(self.config.run_cfg.get("accum_grad_iters", 1))
+
+ @property
+ def valid_splits(self):
+ valid_splits = self.config.run_cfg.get("valid_splits", [])
+
+ if len(valid_splits) == 0:
+ logging.info("No validation splits found.")
+
+ return valid_splits
+
+ @property
+ def test_splits(self):
+ test_splits = self.config.run_cfg.get("test_splits", [])
+
+ return test_splits
+
+ @property
+ def train_splits(self):
+ train_splits = self.config.run_cfg.get("train_splits", [])
+
+ if len(train_splits) == 0:
+ logging.info("Empty train splits.")
+
+ return train_splits
+
+ @property
+ def evaluate_only(self):
+ """
+ Set to True to skip training.
+ """
+ return self.config.run_cfg.evaluate
+
+ @property
+ def use_dist_eval_sampler(self):
+ return self.config.run_cfg.get("use_dist_eval_sampler", True)
+
+ @property
+ def resume_ckpt_path(self):
+ return self.config.run_cfg.get("resume_ckpt_path", None)
+
+ @property
+ def train_loader(self):
+ train_dataloader = self.dataloaders["train"]
+
+ return train_dataloader
+
+ def setup_output_dir(self):
+ lib_root = Path(registry.get_path("library_root"))
+
+ output_dir = lib_root / self.config.run_cfg.output_dir / self.job_id
+ result_dir = output_dir / "result"
+
+ output_dir.mkdir(parents=True, exist_ok=True)
+ result_dir.mkdir(parents=True, exist_ok=True)
+
+ registry.register_path("result_dir", str(result_dir))
+ registry.register_path("output_dir", str(output_dir))
+
+ self.result_dir = result_dir
+ self.output_dir = output_dir
+
+ def train(self):
+ start_time = time.time()
+ best_agg_metric = 0
+ best_epoch = 0
+
+ self.log_config()
+
+ # resume from checkpoint if specified
+ if not self.evaluate_only and self.resume_ckpt_path is not None:
+ self._load_checkpoint(self.resume_ckpt_path)
+
+ for cur_epoch in range(self.start_epoch, self.max_epoch):
+ # training phase
+ if not self.evaluate_only:
+ logging.info("Start training")
+ train_stats = self.train_epoch(cur_epoch)
+ self.log_stats(split_name="train", stats=train_stats)
+
+ # evaluation phase
+ if len(self.valid_splits) > 0:
+ for split_name in self.valid_splits:
+ logging.info("Evaluating on {}.".format(split_name))
+
+ val_log = self.eval_epoch(
+ split_name=split_name, cur_epoch=cur_epoch
+ )
+ if val_log is not None:
+ if is_main_process():
+ assert (
+ "agg_metrics" in val_log
+ ), "No agg_metrics found in validation log."
+
+ agg_metrics = val_log["agg_metrics"]
+ if agg_metrics > best_agg_metric and split_name == "val":
+ best_epoch, best_agg_metric = cur_epoch, agg_metrics
+
+ self._save_checkpoint(cur_epoch, is_best=True)
+
+ val_log.update({"best_epoch": best_epoch})
+ self.log_stats(val_log, split_name)
+
+ else:
+ # if no validation split is provided, we just save the checkpoint at the end of each epoch.
+ if not self.evaluate_only:
+ self._save_checkpoint(cur_epoch, is_best=False)
+
+ if self.evaluate_only:
+ break
+
+ if self.config.run_cfg.distributed:
+ dist.barrier()
+
+ # testing phase
+ test_epoch = "best" if len(self.valid_splits) > 0 else cur_epoch
+ self.evaluate(cur_epoch=test_epoch, skip_reload=self.evaluate_only)
+
+ total_time = time.time() - start_time
+ total_time_str = str(datetime.timedelta(seconds=int(total_time)))
+ logging.info("Training time {}".format(total_time_str))
+
+ def evaluate(self, cur_epoch="best", skip_reload=False):
+ test_logs = dict()
+
+ if len(self.test_splits) > 0:
+ for split_name in self.test_splits:
+ test_logs[split_name] = self.eval_epoch(
+ split_name=split_name, cur_epoch=cur_epoch, skip_reload=skip_reload
+ )
+
+ return test_logs
+
+ def train_epoch(self, epoch):
+ # train
+ self.model.train()
+
+ return self.task.train_epoch(
+ epoch=epoch,
+ model=self.model,
+ data_loader=self.train_loader,
+ optimizer=self.optimizer,
+ scaler=self.scaler,
+ lr_scheduler=self.lr_scheduler,
+ cuda_enabled=self.cuda_enabled,
+ log_freq=self.log_freq,
+ accum_grad_iters=self.accum_grad_iters,
+ )
+
+ @torch.no_grad()
+ def eval_epoch(self, split_name, cur_epoch, skip_reload=False):
+ """
+ Evaluate the model on a given split.
+
+ Args:
+ split_name (str): name of the split to evaluate on.
+ cur_epoch (int): current epoch.
+ skip_reload_best (bool): whether to skip reloading the best checkpoint.
+ During training, we will reload the best checkpoint for validation.
+ During testing, we will use provided weights and skip reloading the best checkpoint .
+ """
+ data_loader = self.dataloaders.get(split_name, None)
+ assert data_loader, "data_loader for split {} is None.".format(split_name)
+
+ # TODO In validation, you need to compute loss as well as metrics
+ # TODO consider moving to model.before_evaluation()
+ model = self.unwrap_dist_model(self.model)
+ if not skip_reload and cur_epoch == "best":
+ model = self._reload_best_model(model)
+ model.eval()
+
+ self.task.before_evaluation(
+ model=model,
+ dataset=self.datasets[split_name],
+ )
+ results = self.task.evaluation(model, data_loader)
+
+ if results is not None:
+ return self.task.after_evaluation(
+ val_result=results,
+ split_name=split_name,
+ epoch=cur_epoch,
+ )
+
+ def unwrap_dist_model(self, model):
+ if self.use_distributed:
+ return model.module
+ else:
+ return model
+
+ def create_loaders(
+ self,
+ datasets,
+ num_workers,
+ batch_sizes,
+ is_trains,
+ collate_fns,
+ dataset_ratios=None,
+ ):
+ """
+ Create dataloaders for training and validation.
+ """
+
+
+ def _create_loader(dataset, num_workers, bsz, is_train, collate_fn):
+ # create a single dataloader for each split
+ if isinstance(dataset, ChainDataset) or isinstance(
+ dataset, wds.DataPipeline
+ ):
+ # wds.WebdDataset instance are chained together
+ # webdataset.DataPipeline has its own sampler and collate_fn
+ loader = iter(
+ DataLoader(
+ dataset,
+ batch_size=bsz,
+ num_workers=num_workers,
+ pin_memory=True,
+ )
+ )
+ else:
+ # map-style dataset are concatenated together
+ # setup distributed sampler
+ if self.use_distributed:
+ sampler = DistributedSampler(
+ dataset,
+ shuffle=is_train,
+ num_replicas=get_world_size(),
+ rank=get_rank(),
+ )
+ if not self.use_dist_eval_sampler:
+ # e.g. retrieval evaluation
+ sampler = sampler if is_train else None
+ else:
+ sampler = None
+
+ loader = DataLoader(
+ dataset,
+ batch_size=bsz,
+ num_workers=num_workers,
+ pin_memory=True,
+ sampler=sampler,
+ shuffle=sampler is None and is_train,
+ collate_fn=collate_fn,
+ drop_last=True if is_train else False,
+ )
+ loader = PrefetchLoader(loader)
+
+ if is_train:
+ loader = IterLoader(loader, use_distributed=self.use_distributed)
+
+ return loader
+
+ loaders = []
+
+ for dataset, bsz, is_train, collate_fn in zip(
+ datasets, batch_sizes, is_trains, collate_fns
+ ):
+ if isinstance(dataset, list) or isinstance(dataset, tuple):
+ if hasattr(dataset[0], 'sample_ratio') and dataset_ratios is None:
+ dataset_ratios = [d.sample_ratio for d in dataset]
+ loader = MultiIterLoader(
+ loaders=[
+ _create_loader(d, num_workers, bsz, is_train, collate_fn[i])
+ for i, d in enumerate(dataset)
+ ],
+ ratios=dataset_ratios,
+ )
+ else:
+ loader = _create_loader(dataset, num_workers, bsz, is_train, collate_fn)
+
+ loaders.append(loader)
+
+ return loaders
+
+ @main_process
+ def _save_checkpoint(self, cur_epoch, is_best=False):
+ """
+ Save the checkpoint at the current epoch.
+ """
+ model_no_ddp = self.unwrap_dist_model(self.model)
+ param_grad_dic = {
+ k: v.requires_grad for (k, v) in model_no_ddp.named_parameters()
+ }
+ state_dict = model_no_ddp.state_dict()
+ for k in list(state_dict.keys()):
+ if k in param_grad_dic.keys() and not param_grad_dic[k]:
+ # delete parameters that do not require gradient
+ del state_dict[k]
+ save_obj = {
+ "model": state_dict,
+ "optimizer": self.optimizer.state_dict(),
+ "config": self.config.to_dict(),
+ "scaler": self.scaler.state_dict() if self.scaler else None,
+ "epoch": cur_epoch,
+ }
+ save_to = os.path.join(
+ self.output_dir,
+ "checkpoint_{}.pth".format("best" if is_best else cur_epoch),
+ )
+ logging.info("Saving checkpoint at epoch {} to {}.".format(cur_epoch, save_to))
+ torch.save(save_obj, save_to)
+
+ def _reload_best_model(self, model):
+ """
+ Load the best checkpoint for evaluation.
+ """
+ checkpoint_path = os.path.join(self.output_dir, "checkpoint_best.pth")
+
+ logging.info("Loading checkpoint from {}.".format(checkpoint_path))
+ checkpoint = torch.load(checkpoint_path, map_location="cpu")
+ try:
+ model.load_state_dict(checkpoint["model"])
+ except RuntimeError as e:
+ logging.warning(
+ """
+ Key mismatch when loading checkpoint. This is expected if only part of the model is saved.
+ Trying to load the model with strict=False.
+ """
+ )
+ model.load_state_dict(checkpoint["model"], strict=False)
+ return model
+
+ def _load_checkpoint(self, url_or_filename):
+ """
+ Resume from a checkpoint.
+ """
+ if is_url(url_or_filename):
+ cached_file = download_cached_file(
+ url_or_filename, check_hash=False, progress=True
+ )
+ checkpoint = torch.load(cached_file, map_location=self.device)
+ elif os.path.isfile(url_or_filename):
+ checkpoint = torch.load(url_or_filename, map_location=self.device)
+ else:
+ raise RuntimeError("checkpoint url or path is invalid")
+
+ state_dict = checkpoint["model"]
+ self.unwrap_dist_model(self.model).load_state_dict(state_dict,strict=False)
+
+ self.optimizer.load_state_dict(checkpoint["optimizer"])
+ if self.scaler and "scaler" in checkpoint:
+ self.scaler.load_state_dict(checkpoint["scaler"])
+
+ self.start_epoch = checkpoint["epoch"] + 1
+ logging.info("Resume checkpoint from {}".format(url_or_filename))
+
+ @main_process
+ def log_stats(self, stats, split_name):
+ if isinstance(stats, dict):
+ log_stats = {**{f"{split_name}_{k}": v for k, v in stats.items()}}
+ with open(os.path.join(self.output_dir, "log.txt"), "a") as f:
+ f.write(json.dumps(log_stats) + "\n")
+ elif isinstance(stats, list):
+ pass
+
+ @main_process
+ def log_config(self):
+ with open(os.path.join(self.output_dir, "log.txt"), "a") as f:
+ f.write(json.dumps(self.config.to_dict(), indent=4) + "\n")
diff --git a/minigpt4/tasks/__init__.py b/minigpt4/tasks/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..ab1fb1c8289535cf9397bb9805c0cba3666ad26f
--- /dev/null
+++ b/minigpt4/tasks/__init__.py
@@ -0,0 +1,26 @@
+"""
+ Copyright (c) 2022, salesforce.com, inc.
+ All rights reserved.
+ SPDX-License-Identifier: BSD-3-Clause
+ For full license text, see the LICENSE_Lavis file in the repo root or https://opensource.org/licenses/BSD-3-Clause
+"""
+
+from minigpt4.common.registry import registry
+from minigpt4.tasks.base_task import BaseTask
+from minigpt4.tasks.image_text_pretrain import ImageTextPretrainTask
+
+
+def setup_task(cfg):
+ assert "task" in cfg.run_cfg, "Task name must be provided."
+
+ task_name = cfg.run_cfg.task
+ task = registry.get_task_class(task_name).setup_task(cfg=cfg)
+ assert task is not None, "Task {} not properly registered.".format(task_name)
+
+ return task
+
+
+__all__ = [
+ "BaseTask",
+ "ImageTextPretrainTask",
+]
diff --git a/minigpt4/tasks/__pycache__/__init__.cpython-310.pyc b/minigpt4/tasks/__pycache__/__init__.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..16b762382f7b6e8b300b862d0a2e5d74842ba1a6
Binary files /dev/null and b/minigpt4/tasks/__pycache__/__init__.cpython-310.pyc differ
diff --git a/minigpt4/tasks/__pycache__/base_task.cpython-310.pyc b/minigpt4/tasks/__pycache__/base_task.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..a145a37fc0e1977811a1cc9fa4f57be07c860bb3
Binary files /dev/null and b/minigpt4/tasks/__pycache__/base_task.cpython-310.pyc differ
diff --git a/minigpt4/tasks/__pycache__/image_text_pretrain.cpython-310.pyc b/minigpt4/tasks/__pycache__/image_text_pretrain.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..105fe36f42af6f4a72186042142895df8e5bffd6
Binary files /dev/null and b/minigpt4/tasks/__pycache__/image_text_pretrain.cpython-310.pyc differ
diff --git a/minigpt4/tasks/base_task.py b/minigpt4/tasks/base_task.py
new file mode 100644
index 0000000000000000000000000000000000000000..c311d31b313caa75722a261642e1135cc953ed23
--- /dev/null
+++ b/minigpt4/tasks/base_task.py
@@ -0,0 +1,318 @@
+"""
+ Copyright (c) 2022, salesforce.com, inc.
+ All rights reserved.
+ SPDX-License-Identifier: BSD-3-Clause
+ For full license text, see the LICENSE_Lavis file in the repo root or https://opensource.org/licenses/BSD-3-Clause
+"""
+
+import logging
+import os
+import time
+import torch
+import torch.distributed as dist
+from minigpt4.common.dist_utils import get_rank, get_world_size, is_main_process, is_dist_avail_and_initialized
+from minigpt4.common.logger import MetricLogger, SmoothedValue
+from minigpt4.common.registry import registry
+from minigpt4.datasets.data_utils import prepare_sample
+
+
+class BaseTask:
+ def __init__(self, **kwargs):
+ super().__init__()
+
+ self.inst_id_key = "instance_id"
+
+ @classmethod
+ def setup_task(cls, **kwargs):
+ return cls()
+
+ def build_model(self, cfg):
+
+ model_config = cfg.model_cfg
+
+ model_cls = registry.get_model_class(model_config.arch)
+
+ return model_cls.from_config(model_config)
+
+ def build_datasets(self, cfg):
+ """
+ Build a dictionary of datasets, keyed by split 'train', 'valid', 'test'.
+ Download dataset and annotations automatically if not exist.
+
+ Args:
+ cfg (common.config.Config): _description_
+
+ Returns:
+ dict: Dictionary of torch.utils.data.Dataset objects by split.
+ """
+
+ datasets = dict()
+
+ datasets_config = cfg.datasets_cfg
+
+ assert len(datasets_config) > 0, "At least one dataset has to be specified."
+
+ for name in datasets_config:
+ dataset_config = datasets_config[name]
+
+ builder = registry.get_builder_class(name)(dataset_config)
+ dataset = builder.build_datasets()
+
+ dataset['train'].name = name
+ if 'sample_ratio' in dataset_config:
+ dataset['train'].sample_ratio = dataset_config.sample_ratio
+
+ datasets[name] = dataset
+
+ return datasets
+
+ def train_step(self, model, samples):
+ loss = model(samples)["loss"]
+ return loss
+
+ def valid_step(self, model, samples):
+ raise NotImplementedError
+
+ def before_evaluation(self, model, dataset, **kwargs):
+ model.before_evaluation(dataset=dataset, task_type=type(self))
+
+ def after_evaluation(self, **kwargs):
+ pass
+
+ def inference_step(self):
+ raise NotImplementedError
+
+ def evaluation(self, model, data_loader, cuda_enabled=True):
+ metric_logger = MetricLogger(delimiter=" ")
+ header = "Evaluation"
+ # TODO make it configurable
+ print_freq = 10
+
+ results = []
+
+ for samples in metric_logger.log_every(data_loader, print_freq, header):
+ samples = prepare_sample(samples, cuda_enabled=cuda_enabled)
+
+ eval_output = self.valid_step(model=model, samples=samples)
+ results.extend(eval_output)
+
+ if is_dist_avail_and_initialized():
+ dist.barrier()
+
+ return results
+
+ def train_epoch(
+ self,
+ epoch,
+ model,
+ data_loader,
+ optimizer,
+ lr_scheduler,
+ scaler=None,
+ cuda_enabled=False,
+ log_freq=50,
+ accum_grad_iters=1,
+ ):
+ return self._train_inner_loop(
+ epoch=epoch,
+ iters_per_epoch=lr_scheduler.iters_per_epoch,
+ model=model,
+ data_loader=data_loader,
+ optimizer=optimizer,
+ scaler=scaler,
+ lr_scheduler=lr_scheduler,
+ log_freq=log_freq,
+ cuda_enabled=cuda_enabled,
+ accum_grad_iters=accum_grad_iters,
+ )
+
+ def train_iters(
+ self,
+ epoch,
+ start_iters,
+ iters_per_inner_epoch,
+ model,
+ data_loader,
+ optimizer,
+ lr_scheduler,
+ scaler=None,
+ cuda_enabled=False,
+ log_freq=50,
+ accum_grad_iters=1,
+ ):
+ return self._train_inner_loop(
+ epoch=epoch,
+ start_iters=start_iters,
+ iters_per_epoch=iters_per_inner_epoch,
+ model=model,
+ data_loader=data_loader,
+ optimizer=optimizer,
+ scaler=scaler,
+ lr_scheduler=lr_scheduler,
+ log_freq=log_freq,
+ cuda_enabled=cuda_enabled,
+ accum_grad_iters=accum_grad_iters,
+ )
+
+ def _train_inner_loop(
+ self,
+ epoch,
+ iters_per_epoch,
+ model,
+ data_loader,
+ optimizer,
+ lr_scheduler,
+ scaler=None,
+ start_iters=None,
+ log_freq=50,
+ cuda_enabled=False,
+ accum_grad_iters=1,
+ ):
+ """
+ An inner training loop compatible with both epoch-based and iter-based training.
+
+ When using epoch-based, training stops after one epoch; when using iter-based,
+ training stops after #iters_per_epoch iterations.
+ """
+ start = time.time()
+ # print(f"[base_task] _train_inner_loop -----------------------------")
+ use_amp = scaler is not None
+
+ if not hasattr(data_loader, "__next__"):
+ # convert to iterator if not already
+ data_loader = iter(data_loader)
+
+ metric_logger = MetricLogger(delimiter=" ")
+ metric_logger.add_meter("lr", SmoothedValue(window_size=1, fmt="{value:.6f}"))
+ metric_logger.add_meter("loss", SmoothedValue(window_size=1, fmt="{value:.4f}"))
+
+
+ # if iter-based runner, schedule lr based on inner epoch.
+ logging.info(
+ "Start training epoch {}, {} iters per inner epoch.".format(
+ epoch, iters_per_epoch
+ )
+ )
+
+
+ header = "Train: data epoch: [{}]".format(epoch)
+ if start_iters is None:
+ # epoch-based runner
+ inner_epoch = epoch
+ else:
+ # In iter-based runner, we schedule the learning rate based on iterations.
+ inner_epoch = start_iters // iters_per_epoch
+ header = header + "; inner epoch [{}]".format(inner_epoch)
+
+ for i in metric_logger.log_every(range(iters_per_epoch), log_freq, header):
+ iter_start = time.time()
+ # print(f"[base_task] _train_inner_loop ITERATION start -----------------------------")
+ # if using iter-based runner, we stop after iters_per_epoch iterations.
+ if i >= iters_per_epoch:
+ break
+
+ samples = next(data_loader)
+ # print(type(samples))
+ # print(samples)
+
+ # samples = prepare_sample(samples, cuda_enabled=cuda_enabled)
+ # print(type(samples))
+ # print(samples)
+ # exit()
+
+ end_samples = time.time()
+ # print(f"[base_task] _train_inner_loop end_samples: {end_samples - iter_start}")
+
+ # exit()
+ samples.update(
+ {
+ "epoch": inner_epoch,
+ "num_iters_per_epoch": iters_per_epoch,
+ "iters": i,
+ }
+ )
+
+ end_update_sample = time.time()
+ # print(f"[base_task] _train_inner_loop end_update_sample: {end_update_sample - end_samples}")
+
+ lr_scheduler.step(cur_epoch=inner_epoch, cur_step=i)
+
+
+ with torch.cuda.amp.autocast(enabled=use_amp):
+ loss = self.train_step(model=model, samples=samples)
+
+ end_train_step = time.time()
+ # print(f"[base_task] _train_inner_loop end_train_step: {end_train_step - end_update_sample}")
+
+ # after_train_step()
+ if use_amp:
+ scaler.scale(loss).backward()
+ else:
+ loss.backward()
+
+ end_train_step = time.time()
+ # print(f"[base_task] _train_inner_loop end_train_step: {end_train_step - end_update_sample}")
+
+ # update gradients every accum_grad_iters iterations
+ if (i + 1) % accum_grad_iters == 0:
+ if use_amp:
+ scaler.step(optimizer)
+ scaler.update()
+ else:
+ optimizer.step()
+ optimizer.zero_grad()
+ end_optimizer = time.time()
+ # print(f"[base_task] _train_inner_loop end_optimizer: {end_optimizer - end_train_step}")
+ metric_logger.update(loss=loss.item())
+ metric_logger.update(lr=optimizer.param_groups[0]["lr"])
+ # print(f"[base_task] _train_inner_loop ITERATION end -----------------------------{time.time()-iter_start}")
+
+ # after train_epoch()
+ # gather the stats from all processes
+ metric_logger.synchronize_between_processes()
+ logging.info("Averaged stats: " + str(metric_logger.global_avg()))
+ # print(f"[base_task] _train_inner_loop -----------------------------{time.time()-start}")
+ return {
+ k: "{:.3f}".format(meter.global_avg)
+ for k, meter in metric_logger.meters.items()
+ }
+
+ @staticmethod
+ def save_result(result, result_dir, filename, remove_duplicate=""):
+ import json
+
+ result_file = os.path.join(
+ result_dir, "%s_rank%d.json" % (filename, get_rank())
+ )
+ final_result_file = os.path.join(result_dir, "%s.json" % filename)
+
+ json.dump(result, open(result_file, "w"))
+
+ if is_dist_avail_and_initialized():
+ dist.barrier()
+
+ if is_main_process():
+ logging.warning("rank %d starts merging results." % get_rank())
+ # combine results from all processes
+ result = []
+
+ for rank in range(get_world_size()):
+ result_file = os.path.join(
+ result_dir, "%s_rank%d.json" % (filename, rank)
+ )
+ res = json.load(open(result_file, "r"))
+ result += res
+
+ if remove_duplicate:
+ result_new = []
+ id_list = []
+ for res in result:
+ if res[remove_duplicate] not in id_list:
+ id_list.append(res[remove_duplicate])
+ result_new.append(res)
+ result = result_new
+
+ json.dump(result, open(final_result_file, "w"))
+ print("result file saved to %s" % final_result_file)
+
+ return final_result_file
diff --git a/minigpt4/tasks/image_text_pretrain.py b/minigpt4/tasks/image_text_pretrain.py
new file mode 100644
index 0000000000000000000000000000000000000000..bbe8ec83a5dc95ee26a36e457feb394d18b7cd17
--- /dev/null
+++ b/minigpt4/tasks/image_text_pretrain.py
@@ -0,0 +1,18 @@
+"""
+ Copyright (c) 2022, salesforce.com, inc.
+ All rights reserved.
+ SPDX-License-Identifier: BSD-3-Clause
+ For full license text, see the LICENSE_Lavis file in the repo root or https://opensource.org/licenses/BSD-3-Clause
+"""
+
+from minigpt4.common.registry import registry
+from minigpt4.tasks.base_task import BaseTask
+
+
+@registry.register_task("image_text_pretrain")
+class ImageTextPretrainTask(BaseTask):
+ def __init__(self):
+ super().__init__()
+
+ def evaluation(self, model, data_loader, cuda_enabled=True):
+ pass
diff --git a/prompts/alignment.txt b/prompts/alignment.txt
new file mode 100644
index 0000000000000000000000000000000000000000..346ac28a0dffebcedea259fd93b9a6ec4ad94156
--- /dev/null
+++ b/prompts/alignment.txt
@@ -0,0 +1,16 @@
+ Describe this protein.
+ Tell me about this protein in detail.
+ Please provide a detailed description of the protein.
+ Could you describe this protein for me?
+ Please give me an introduction about this protein.
+ What specific receptors or signaling pathways does this protein activate or interact with?
+ What roles does this protein play in physiological processes such as development, wound healing, or immune response?
+ What cellular processes or pathways are directly impacted by the activity of this protein?
+ What diseases or conditions are associated with the overexpression or inhibition of this protein?
+ Are there any therapeutic agents or drugs that target this protein or its associated pathways?
+ What experimental techniques are commonly used to study the structure and function of this protein?
+ How do the functions of this protein differ across various tissue types or developmental stages?
+ What is the three-dimensional structure of this protein, and how was it determined?
+ What are the key functional domains of this protein, and what roles do they play in its activity?
+ What are the stability and folding characteristics of this protein?
+ How does this protein contribute to cellular processes such as migration, proliferation, or apoptosis?
diff --git a/protein_gpt.py b/protein_gpt.py
new file mode 100644
index 0000000000000000000000000000000000000000..9dffefea7e3435d4ff9e1c0fbb85a820b1429eb3
--- /dev/null
+++ b/protein_gpt.py
@@ -0,0 +1,121 @@
+"""
+ Copyright (c) 2022, salesforce.com, inc.
+ All rights reserved.
+ SPDX-License-Identifier: BSD-3-Clause
+ For full license text, see the LICENSE_Lavis file in the repo root or https://opensource.org/licenses/BSD-3-Clause
+"""
+
+import argparse
+import os
+import random
+
+import numpy as np
+import torch
+import torch.backends.cudnn as cudnn
+import yaml
+# import esm
+import minigpt4.tasks as tasks
+from minigpt4.esm.esm_config import Config
+from minigpt4.common.dist_utils import get_rank, init_distributed_mode
+from minigpt4.common.logger import setup_logger
+from minigpt4.common.optims import (
+ LinearWarmupCosineLRScheduler,
+ LinearWarmupStepLRScheduler,
+)
+from minigpt4.common.registry import registry
+from minigpt4.common.utils import now
+
+# imports modules for registration
+from minigpt4.datasets.builders import *
+from minigpt4.datasets.pdb_dataset import ESMDataset
+from minigpt4.datasets.qa_dataset import QADataset
+from minigpt4.models import *
+from minigpt4.processors import *
+from minigpt4.runners import *
+from minigpt4.tasks import *
+
+
+def parse_args():
+ parser = argparse.ArgumentParser(description="Training")
+
+ parser.add_argument("--cfg-path", required=False, help="path to configuration file.",
+ default='configs/train_modality_alignment.yaml')
+ parser.add_argument(
+ "--options",
+ nargs="+",
+ help="override some settings in the used config, the key-value pair "
+ "in xxx=yyy format will be merged into config file (deprecate), "
+ "change to --cfg-options instead.",
+ )
+
+ args = parser.parse_args()
+ # if 'LOCAL_RANK' not in os.environ:
+ # os.environ['LOCAL_RANK'] = str(args.local_rank)
+
+ return args
+
+
+def setup_seeds(config):
+ seed = config.run_cfg.seed + get_rank()
+
+ random.seed(seed)
+ np.random.seed(seed)
+ torch.manual_seed(seed)
+
+ cudnn.benchmark = False
+ cudnn.deterministic = True
+
+
+def get_runner_class(cfg):
+ """
+ Get runner class from config. Default to epoch-based runner.
+ """
+ runner_cls = registry.get_runner_class(cfg.run_cfg.get("runner", "runner_base"))
+
+ return runner_cls
+
+def is_stage_1_training(cfg):
+ return cfg.to_dict()["run"]["stage"] == 1
+
+
+def main():
+ # allow auto-dl completes on main process without timeout when using NCCL backend.
+ # os.environ["NCCL_BLOCKING_WAIT"] = "1"
+
+ # set before init_distributed_mode() to ensure the same job_id shared across all ranks.
+ job_id = now()
+ cfg = Config(parse_args())
+ init_distributed_mode(cfg.run_cfg)
+ setup_seeds(cfg)
+ # set after init_distributed_mode() to only log on master.
+ setup_logger()
+ cfg.pretty_print()
+ task = tasks.setup_task(cfg)
+
+ datasets_raw = []
+ if (is_stage_1_training(cfg)):
+ datasets_raw = ESMDataset(pdb_root="/home/ubuntu/pt/",
+ seq_root="/home/ubuntu/seq/",
+ ann_paths="/home/ubuntu/proteinchat/data/esm_subset/abstract.json",
+ dataset_description="/home/ubuntu/dataset.json",
+ chain="A")
+ else:
+ datasets_raw = QADataset(pdb_root="/home/ubuntu/pt/",
+ seq_root="/home/ubuntu/seq/",
+ # ann_paths="/home/ubuntu/proteinchat/data/esm_subset/qa_all.json",
+ ann_paths="/home/ubuntu/proteinchat/data/esm_subset/GPT_merged_summary.json",
+ # dataset_description="/home/ubuntu/dataset.json",
+ chain="A")
+
+ datasets = {'esm': {'train': datasets_raw}}
+ model = task.build_model(cfg)
+
+ runner = get_runner_class(cfg)(
+ cfg=cfg, job_id=job_id, task=task, model=model, datasets=datasets
+ )
+
+ runner.train()
+
+
+if __name__ == "__main__":
+ main()
diff --git a/requirements.txt b/requirements.txt
index bc5e1604e100b08051f6aa31735e0caf820b8a91..af4d93875c79f33359f6b8b8a1040bcb0bee58cb 100644
--- a/requirements.txt
+++ b/requirements.txt
@@ -1 +1,318 @@
-huggingface_hub==0.22.2
\ No newline at end of file
+absl-py==0.15.0
+aiohttp==3.9.5
+aiosignal==1.3.1
+aiosqlite==0.19.0
+annotated-types==0.6.0
+antlr4-python3-runtime==4.9.3
+anyio==4.1.0
+appdirs==1.4.4
+argon2-cffi==21.1.0
+arrow==1.3.0
+asttokens==2.4.1
+astunparse==1.6.3
+async-lru==2.0.4
+async-timeout==4.0.3
+attrs==23.1.0
+Automat==20.2.0
+autopep8==1.6.0
+Babel==2.13.1
+backcall==0.2.0
+bcrypt==3.2.0
+beautifulsoup4==4.10.0
+beniget==0.4.1
+biotite==0.40.0
+bleach==4.1.0
+blinker==1.4
+bottle==0.12.19
+Bottleneck==1.3.2
+Brotli==1.0.9
+cachetools==5.0.0
+certifi==2020.6.20
+cffi==1.15.0
+chardet==4.0.0
+charset-normalizer==3.3.2
+click==8.0.3
+cloud-init==23.3.3
+colorama==0.4.4
+comm==0.2.0
+command-not-found==0.3
+configobj==5.0.6
+constantly==15.1.0
+cryptography==3.4.8
+ctop==1.0.0
+cycler==0.11.0
+dacite==1.8.1
+dbus-python==1.2.18
+debugpy==1.8.0
+decorator==4.4.2
+defusedxml==0.7.1
+distlib==0.3.4
+distro==1.7.0
+distro-info==1.1+ubuntu0.1
+docker==5.0.3
+docopt==0.6.2
+entrypoints==0.4
+et-xmlfile==1.0.1
+exceptiongroup==1.2.0
+executing==2.0.1
+fair-esm @ git+https://github.com/facebookresearch/esm.git@2b369911bb5b4b0dda914521b9475cad1656b2ac
+fancycompleter==0.9.1
+fastjsonschema==2.19.0
+filelock==3.6.0
+flake8==4.0.1
+flatbuffers===1.12.1-git20200711.33e2d80-dfsg1-0.6
+fonttools==4.29.1
+fqdn==1.5.1
+frozenlist==1.4.1
+fs==2.4.12
+fsspec==2024.5.0
+future==0.18.2
+gast==0.5.2
+Glances==3.2.4.2
+google-auth==1.5.1
+google-auth-oauthlib==0.4.2
+google-pasta==0.2.0
+grpcio==1.30.2
+h5py==3.6.0
+h5py.-debian-h5py-serial==3.6.0
+html5lib==1.1
+htmlmin==0.1.12
+httplib2==0.20.2
+huggingface-hub==0.23.0
+hyperlink==21.0.0
+icdiff==2.0.4
+idna==3.3
+ImageHash==4.3.1
+importlib-metadata==4.6.4
+incremental==21.3.0
+influxdb==5.3.1
+iniconfig==1.1.1
+install==1.3.5
+iopath==0.1.10
+iotop==0.6
+ipykernel==6.7.0
+ipython==8.12.3
+ipython_genutils==0.2.0
+ipywidgets==8.1.1
+isoduration==20.11.0
+jax==0.4.14
+jaxlib==0.4.14
+jdcal==1.0
+jedi==0.18.0
+jeepney==0.7.1
+Jinja2==3.0.3
+joblib==0.17.0
+json5==0.9.14
+jsonpatch==1.32
+jsonpointer==2.0
+jsonschema==4.20.0
+jsonschema-specifications==2023.11.2
+jupyter-console==6.4.0
+jupyter-events==0.9.0
+jupyter-lsp==2.2.1
+jupyter-ydoc==1.1.1
+jupyter_client==8.6.0
+jupyter_collaboration==1.2.0
+jupyter_core==5.5.0
+jupyter_server==2.12.0
+jupyter_server_fileid==0.9.0
+jupyter_server_terminals==0.4.4
+jupyterlab==4.0.9
+jupyterlab-pygments==0.1.2
+jupyterlab-widgets==3.0.9
+jupyterlab_server==2.25.2
+kaptan==0.5.12
+keras==2.13.1
+keyring==23.5.0
+kiwisolver==1.3.2
+launchpadlib==1.10.16
+lazr.restfulclient==0.14.4
+lazr.uri==1.0.6
+libtmux==0.10.1
+llvmlite==0.41.1
+lxml==4.8.0
+lz4==3.1.3+dfsg
+Markdown==3.3.6
+MarkupSafe==2.0.1
+matplotlib==3.5.1
+matplotlib-inline==0.1.3
+mccabe==0.6.1
+mistune==3.0.2
+ml-dtypes==0.2.0
+more-itertools==8.10.0
+mpmath==0.0.0
+msgpack==1.0.3
+multidict==6.0.5
+multimethod==1.10
+nbclient==0.5.6
+nbconvert==7.12.0
+nbformat==5.9.2
+nest-asyncio==1.5.4
+netifaces==0.11.0
+networkx==2.4
+nose==1.3.7
+notebook==6.4.8
+notebook_shim==0.2.3
+numba==0.58.1
+numexpr==2.8.1
+numpy==1.25.2
+nvidia-cublas-cu12==12.4.2.65
+nvidia-cuda-cupti-cu12==12.4.99
+nvidia-cuda-nvrtc-cu12==12.4.99
+nvidia-cuda-runtime-cu12==12.4.99
+nvidia-cudnn-cu12==8.9.7.29
+nvidia-cufft-cu12==11.2.0.44
+nvidia-curand-cu12==10.3.5.119
+nvidia-cusolver-cu12==11.6.0.99
+nvidia-cusparse-cu12==12.3.0.142
+nvidia-ml-py3==7.352.0
+nvidia-nccl-cu12==2.20.5
+nvidia-nvjitlink-cu12==12.4.99
+nvidia-nvtx-cu12==12.4.99
+oauthlib==3.2.0
+odfpy==1.4.2
+olefile==0.46
+omegaconf==2.3.0
+openpyxl==3.0.9
+opt-einsum==3.3.0
+overrides==7.4.0
+packaging==21.3
+pandas==1.3.5
+pandas-profiling==3.6.6
+pandocfilters==1.5.0
+parso==0.8.1
+patsy==0.5.4
+pdbpp==0.10.3
+pep8==1.7.1
+pexpect==4.8.0
+phik==0.12.3
+pickleshare==0.7.5
+Pillow==9.0.1
+pipreqs==0.5.0
+platformdirs==2.5.1
+pluggy==0.13.0
+ply==3.11
+portalocker==2.8.2
+prometheus-client==0.9.0
+prompt_toolkit==3.0.46
+protobuf==4.21.12
+psutil==5.9.0
+ptyprocess==0.7.0
+pure-eval==0.2.2
+py==1.10.0
+pyasn1==0.4.8
+pyasn1-modules==0.2.1
+pycodestyle==2.8.0
+pycparser==2.21
+pycryptodomex==3.11.0
+pydantic==2.5.2
+pydantic_core==2.14.5
+pyflakes==2.4.0
+Pygments==2.11.2
+PyGObject==3.42.1
+PyHamcrest==2.0.2
+pyinotify==0.9.6
+PyJWT==2.3.0
+pyOpenSSL==21.0.0
+pyparsing==2.4.7
+pyrepl==0.9.0
+pyrsistent==0.18.1
+pyserial==3.5
+pysmi==0.3.2
+pysnmp==4.4.12
+pystache==0.6.0
+pytest==6.2.5
+python-apt==2.4.0+ubuntu2
+python-dateutil==2.8.2
+python-debian==0.1.43+ubuntu1.1
+python-json-logger==2.0.7
+python-magic==0.4.24
+pythran==0.10.0
+pytorch-triton==3.0.0+45fff310c8
+pytz==2022.1
+PyWavelets==1.5.0
+PyYAML==5.4.1
+pyzmq==25.1.2
+referencing==0.31.1
+regex==2024.5.15
+requests==2.31.0
+requests-oauthlib==1.3.0
+rfc3339-validator==0.1.4
+rfc3986-validator==0.1.1
+rpds-py==0.13.2
+rsa==4.8
+safetensors==0.4.3
+scikit-learn==0.23.2
+scipy==1.8.0
+seaborn==0.12.2
+SecretStorage==3.3.1
+Send2Trash==1.8.2
+service-identity==18.1.0
+simplejson==3.17.6
+six==1.16.0
+sniffio==1.3.0
+sos==4.5.6
+soupsieve==2.3.1
+ssh-import-id==5.11
+stack-data==0.6.3
+statsmodels==0.14.0
+sympy==1.9
+systemd-python==234
+tables==3.7.0
+tangled-up-in-unicode==0.2.0
+tensorboard==2.13.0
+tensorflow==2.13.1
+tensorflow-estimator==2.13.0
+termcolor==1.1.0
+terminado==0.13.1
+testpath==0.5.0
+threadpoolctl==3.1.0
+tinycss2==1.2.1
+tmuxp==1.9.2
+tokenizers==0.19.1
+toml==0.10.2
+tomli==2.0.1
+torch==2.4.0.dev20240527+cu124
+torch_cluster==1.6.3+pt23cu121
+torch_geometric==2.5.3
+torch_scatter==2.1.2+pt23cu121
+torch_sparse==0.6.18+pt23cu121
+torch_spline_conv==1.2.2+pt23cu121
+torchaudio==2.2.0.dev20240527+cu124
+torchvision==0.15.2
+tornado==6.4
+tqdm==4.66.1
+traitlets==5.14.0
+transformers==4.41.0
+triton==2.0.0
+Twisted==22.1.0
+typeguard==4.1.5
+types-python-dateutil==2.8.19.14
+typing_extensions==4.8.0
+ubuntu-advantage-tools==8001
+ufoLib2==0.13.1
+ufw==0.36.1
+unattended-upgrades==0.1
+unicodedata2==14.0.0
+uri-template==1.3.0
+urllib3==1.26.5
+virtualenv==20.13.0+ds
+visions==0.7.5
+wadllib==1.3.6
+wcwidth==0.2.5
+webcolors==1.13
+webencodings==0.5.1
+websocket-client==1.2.3
+Werkzeug==2.0.2
+widgetsnbextension==4.0.9
+wmctrl==0.5
+wordcloud==1.9.2
+wrapt==1.13.3
+xlwt==1.3.0
+y-py==0.6.2
+yarg==0.1.9
+yarl==1.9.4
+ydata-profiling==4.6.3
+ypy-websocket==0.12.4
+zipp==1.0.0
+zope.interface==5.4.0
diff --git a/train.sh b/train.sh
new file mode 100644
index 0000000000000000000000000000000000000000..e9da48b0c9d3930880b81df6d9204c02b83f4b0e
--- /dev/null
+++ b/train.sh
@@ -0,0 +1,5 @@
+# export MODEL=Meta-Llama-3-8B-Instruct-hf/
+export MODEL=Llama-2-7b-chat-hf/
+mkdir -p minigpt4/ft/$MODEL
+# /home/ubuntu/miniconda3/envs/prot/bin/torchrun --master_port 28888 protein_gpt.py --cfg-path configs/train_modality_alignment.yaml
+/home/ubuntu/miniconda3/envs/prot/bin/torchrun --master_port 28888 protein_gpt.py --cfg-path configs/train_instruction_tuning.yaml
diff --git a/utils.py b/utils.py
new file mode 100644
index 0000000000000000000000000000000000000000..b75294cfb08cba352eed490086f481dec7f359e1
--- /dev/null
+++ b/utils.py
@@ -0,0 +1,79 @@
+# import json
+# from tqdm import tqdm
+# import matplotlib.pyplot as plt
+# import numpy as np
+
+# f = open("/home/ubuntu/proteinedit-mm-clean/data/esm_subset/abstract.json", "r")
+# ann = json.load(f)
+
+# total = 0
+# l_256 = 0
+# l_384 = 0
+# x = []
+# for i in tqdm(range(0, len(ann))):
+# total += len(ann[i]["caption"].split())
+# if (len(ann[i]["caption"].split()) <= 256):
+# l_256 += 1
+# if (len(ann[i]["caption"].split()) <= 384):
+# l_384 += 1
+
+# x.append(len(ann[i]["caption"].split()))
+
+# x = np.array(x)
+# print("avg: ", str(total / len(ann)))
+# print("below 256: ", str(l_256 / len(ann)))
+# print("below 384: ", str(l_384 / len(ann)))
+# plt.hist(x)
+# plt.savefig("test.png")
+
+from minigpt4.datasets.qa_dataset import QADataset
+
+datasets_raw = QADataset(pdb_root="/home/ubuntu/pt/",
+ seq_root="/home/ubuntu/seq/",
+ ann_paths="/home/ubuntu/proteinchat/data/esm_subset/qa_all.json",
+ dataset_description="/home/ubuntu/dataset.json",
+ chain="A")
+print(datasets_raw[0]["q_input"])
+print(datasets_raw[0]["a_input"])
+print(len(datasets_raw))
+
+
+
+
+
+import esm
+import torch
+from esm.inverse_folding.util import load_coords
+
+device = 'cuda'
+
+# pdb_file = '/home/ubuntu/7md4.pdb'
+# pdb_file = "/home/ubuntu/8t3r.pdb"
+def encode(file):
+ pdb_file = f'/home/ubuntu/test_pdb/{file}'
+ coords, native_seq = load_coords(pdb_file, "A")
+ print(native_seq)
+ model, alphabet = esm.pretrained.esm_if1_gvp4_t16_142M_UR50()
+ model = model.eval().to(device)
+ sampled_seq, encoder_out = model.sample(coords, temperature=1,
+ device=torch.device(device))
+ sample_protein = encoder_out["encoder_out"][0].to(device)
+
+ print(sample_protein.shape)
+
+# python -m pip install torch-scatter -f https://data.pyg.org/whl/torch-2.3.0+cu121.html
+# python -m pip install torch-sparse -f https://data.pyg.org/whl/torch-2.3.0+cu121.html
+# python -m pip install torch-cluster -f https://data.pyg.org/whl/torch-2.3.0+cu121.html
+# python -m pip install torch-spline-conv -f https://data.pyg.org/whl/torch-2.3.0+cu121.html
+# python -m pip install torch-geometric
+
+# torch.Size([1, 32, 2560])
+
+
+# /home/ubuntu/test_pdb
+# 1jj9.pdb 2cma.pdb 3lhj.pdb 5p11.pdb 6jzt.pdb
+encode('1jj9.pdb')
+encode('2cma.pdb')
+encode('3lhj.pdb')
+encode('5p11.pdb')
+encode('6jzt.pdb')
\ No newline at end of file