diff --git a/README.md b/README.md index 4cb33c2..2afb8cb 100644 --- a/README.md +++ b/README.md @@ -11,3 +11,4 @@ [pycuda\_cudf\_integration](./pycuda_cudf_integration) | Demonstrates processing python cudf dataframes using `pycuda` [tfidf-benchmark](./tfidf-benchmark) | Benchmarks NLP text processing pipeline in cuML + Dask vs. Apache Spark [rapids_triton_example](./rapids_triton_example) | Example of using RAPIDS+Pytorch with Nvidia Triton. +[cuBERT_topic_modelling](./cuBERT_topic_modelling) | Leveraging BERT, TF-IDF and NVIDIA RAPIDS to create easily interpretable topics. diff --git a/cuBERT_topic_modelling/README.md b/cuBERT_topic_modelling/README.md new file mode 100644 index 0000000..ac17c02 --- /dev/null +++ b/cuBERT_topic_modelling/README.md @@ -0,0 +1,93 @@ +# cuBERT-topic-modelling + +Leveraging BERT, TF-IDF and NVIDIA RAPIDS to create easily interpretable topics. + +## Overview + +Currently, [BERTopic](https://github.com/MaartenGr/BERTopic) library in general utilizes GPUs as part of the SenteneTransformer package, which is only used during the encoding process. We can accelerate other bits of the pipeline such as dimension reduction (UMAP), Topic Creation (Count/TF-IDF Vectorization), Clustering (HDBSAN) and Topic Reduction using the RAPIDS ecosystem that has a similar API as Pandas, sckit-learn but leverages GPUs for the end-to-end pipeline. + +![Overview of pipeline design](images/cuBERTopic.jpg) + +### Code organization + +``` +cuBERT_topic_modelling +│ README.md +│ berttopic_example.ipynb +| ctfidf.py +| cuBERTopic.py +| embedding_extraction.py +| mmr.py +| setup.py +│ +└───tests +│ │ test_ctfidf.py +│ │ test_data_preprocess.py +│ │ test_embeddings_extraction.py +| | test_fit_transform.py +| | test_hdbscan_clustering.py +| | test_mmr.py +| | test_subwordtokenizer.py +| | test_umap_dr.py +│ +└───utils +| │ sparse_matrix_utils.py +│ +└───vectorizer +| │ vectorizer.py +| +└───conda +| │ environment.yml +| +└───images +| │ cuBERTopic.jpg +| +└───vocab +| │ voc_has.txt +| | vocab.txt +| +``` + +## Installation + +`cuBERTopic` runs on `cudf` and `cuml` which can be installed using instructions [here](https://rapids.ai/start.html). These packages run on NVIDIA GPU and CUDA and to determine the version you should install, you can check the CUDA version in your system (eg. do `nvidia-smi`). Here we assume the user has `conda` (or `mamba`) installed. + +For example, if you have CUDA 11.2 and Ubuntu 20.04, then run: + +```bash +conda create -n rapids-21.12 -c rapidsai-nightly -c nvidia -c conda-forge \ + rapids=21.12 python=3.8 cudatoolkit=11.2 +conda activate rapids-21.12 +``` + +We also provide a conda environment file [here](conda/environment.yml), which you can use to create the environment as: `conda env create -f conda/environment.yml`. This will create a conda environment called `topic_p` (the name can be changed in the file). Remember to change it according to the CUDA version in your system. + +After installing the dependencies (creating the conda environment), clone the repository and run `pip install -e .` from the root directory. + +Now you can do `import cuBERTopic` and you're good to go! + +Additionally, if you want to run and compare against `BERTopic` then you can find the instructions [here](https://github.com/MaartenGr/BERTopic). Essentially, just run: `pip install bertopic` + +## Quick Start + +An [example](berttopic_example.ipynb) notebook is provided, which goes through the installation, as well as comparing response using [BERTopic](https://github.com/MaartenGr/BERTopic). Make sure to install the dependencies by referring to the step above. + +## Development + +Contributions to this codebase are welcome! + +[conda-dev](conda/conda_dev_env.yml) file has been provided which included all the development dependencies. Using this file, you can create your own dev environment by running: + +```bash +conda env create -f conda/conda_dev_env.yml +``` + +We have written tests such that our correctness is verified by runnig `BERTopic` on the same input, hence it becomes a dependency to run our tests (`pip install bertopic`). Other Additional dependencies are `pytest` and `pytest-lazy-fixture`. + +To run existing tests, you can do `pytest -v` from the root directory, and more tests can be added under `tests` as well. + +## Acknowledgement + +Our work ports the CPU implementation of the [BERTopic library](https://github.com/MaartenGr/BERTopic) to a python-based GPU backend using NVIDIA RAPIDS. + +Please refer to Maarten Grootendorst's [blog](https://towardsdatascience.com/topic-modeling-with-bert-779f7db187e6) on how to use BERT to create your own topic model. diff --git a/cuBERT_topic_modelling/benchmarks/benchmark_berttopic.ipynb b/cuBERT_topic_modelling/benchmarks/benchmark_berttopic.ipynb new file mode 100644 index 0000000..289fa37 --- /dev/null +++ b/cuBERT_topic_modelling/benchmarks/benchmark_berttopic.ipynb @@ -0,0 +1,366 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 1, + "id": "82c186a1-8c70-4446-9b00-ffb7aabdbd6e", + "metadata": {}, + "outputs": [], + "source": [ + "from bertopic import BERTopic\n", + "from sklearn.datasets import fetch_20newsgroups\n", + "import pandas as pd\n", + "from sentence_transformers import SentenceTransformer\n", + "import os\n", + "os.environ[\"TOKENIZERS_PARALLELISM\"] = \"true\"\n", + "# test_dataset = pd.read_csv('/raid/mayanka/abcnews-date-text.csv')\n", + "# data = test_dataset['headline_text'][:250000]\n", + "data = fetch_20newsgroups(subset='all')['data']" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "id": "da96f945-e7fc-4030-a790-29f4173a4dda", + "metadata": {}, + "outputs": [], + "source": [ + "topic_model = BERTopic()\n", + "documents = pd.DataFrame({\"Document\": data,\n", + " \"ID\": range(len(data)),\n", + " \"Topic\": None})" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "id": "67b375af-347f-412b-99fa-6ea71e1abd83", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "CPU times: user 3min 17s, sys: 13.7 s, total: 3min 30s\n", + "Wall time: 35.9 s\n" + ] + } + ], + "source": [ + "%%time\n", + "#Extract embeddings\n", + "model = SentenceTransformer(\"all-MiniLM-L6-v2\")\n", + "embeddings = model.encode(\n", + " documents.Document,\n", + " show_progress_bar=False\n", + " # device='cpu'\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "id": "ef482c47-c013-4909-85c3-67a10b806fef", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "CPU times: user 12min 20s, sys: 8.06 s, total: 12min 28s\n", + "Wall time: 27.8 s\n" + ] + } + ], + "source": [ + "%%time\n", + "# Dimensionality Reduction\n", + "umap_embeddings = topic_model._reduce_dimensionality(embeddings)" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "id": "51435da5-2013-4359-8f0d-f82433a4ad00", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "CPU times: user 901 ms, sys: 604 ms, total: 1.5 s\n", + "Wall time: 1.86 s\n" + ] + } + ], + "source": [ + "%%time\n", + "# Cluster UMAP embeddings with HDBSCAN\n", + "documents, probabilities = topic_model._cluster_embeddings(umap_embeddings, documents)" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "id": "1810bb03-3f81-44ae-a079-1ca799b4ec87", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "CPU times: user 6.56 s, sys: 160 ms, total: 6.72 s\n", + "Wall time: 6.71 s\n" + ] + } + ], + "source": [ + "%%time\n", + "# Sort and Map Topic IDs by their frequency\n", + "if not topic_model.nr_topics:\n", + " documents = topic_model._sort_mappings_by_frequency(documents)\n", + "\n", + "# Extract topics by calculating c-TF-IDF\n", + "topic_model._extract_topics(documents) # does both topic extraction and representation" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "id": "1e8250d6-dada-4105-80c9-47dc5831a488", + "metadata": {}, + "outputs": [], + "source": [ + "## Running fit_transform" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "id": "09dd98f3-388d-4d5f-94be-98fbf9a7437e", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "CPU times: user 21min, sys: 35.1 s, total: 21min 36s\n", + "Wall time: 1min 2s\n" + ] + } + ], + "source": [ + "%%time\n", + "topic_model_pipeline = BERTopic()\n", + "topics, probs = topic_model_pipeline.fit_transform(data)" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "id": "e3305bef-12d6-487a-9d34-792dbcc459e6", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "CPU times: user 4.52 ms, sys: 7 µs, total: 4.52 ms\n", + "Wall time: 3.89 ms\n" + ] + }, + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
TopicCountName
0-16280-1_email_program_file_information
108530_baseball_game_team_year
213071_gun_guns_militia_firearms
321872_image_3d_graphics_processing
431523_atheists_atheism_atheist_god
............
36236110361_solar_sail_sails_snydefjengauburnedu
36336210362_widgets_gabi_gui_motif
36436310363_mining_ecofreaks_miners_basalts
36536410364_s1_s2_u1_u2
36636510365_stuffit_mac_macintosh_files
\n", + "

367 rows × 3 columns

\n", + "
" + ], + "text/plain": [ + " Topic Count Name\n", + "0 -1 6280 -1_email_program_file_information\n", + "1 0 853 0_baseball_game_team_year\n", + "2 1 307 1_gun_guns_militia_firearms\n", + "3 2 187 2_image_3d_graphics_processing\n", + "4 3 152 3_atheists_atheism_atheist_god\n", + ".. ... ... ...\n", + "362 361 10 361_solar_sail_sails_snydefjengauburnedu\n", + "363 362 10 362_widgets_gabi_gui_motif\n", + "364 363 10 363_mining_ecofreaks_miners_basalts\n", + "365 364 10 364_s1_s2_u1_u2\n", + "366 365 10 365_stuffit_mac_macintosh_files\n", + "\n", + "[367 rows x 3 columns]" + ] + }, + "execution_count": 10, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "%%time\n", + "topic_model.get_topic_info()" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "id": "63498e7e-112f-4b70-87f6-7b68a25ee0e5", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "CPU times: user 17 µs, sys: 1e+03 ns, total: 18 µs\n", + "Wall time: 28.4 µs\n" + ] + }, + { + "data": { + "text/plain": [ + "[('baseball', 0.00672086361283629),\n", + " ('game', 0.005817995879831344),\n", + " ('team', 0.005618226784043931),\n", + " ('year', 0.005353854197670103),\n", + " ('players', 0.005285759166032568),\n", + " ('braves', 0.0051786048900586456),\n", + " ('games', 0.004970825796636513),\n", + " ('hit', 0.004924050725108594),\n", + " ('runs', 0.004664071624908669),\n", + " ('pitching', 0.004447818375223756)]" + ] + }, + "execution_count": 11, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "%%time\n", + "topic_model.get_topic(0)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "86cd7c33-b5b6-4643-8e11-6e0c119306eb", + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.12" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/cuBERT_topic_modelling/benchmarks/benchmark_cuBERTopic.ipynb b/cuBERT_topic_modelling/benchmarks/benchmark_cuBERTopic.ipynb new file mode 100644 index 0000000..43dac56 --- /dev/null +++ b/cuBERT_topic_modelling/benchmarks/benchmark_cuBERTopic.ipynb @@ -0,0 +1,186 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "id": "82c186a1-8c70-4446-9b00-ffb7aabdbd6e", + "metadata": {}, + "outputs": [], + "source": [ + "from sklearn.datasets import fetch_20newsgroups\n", + "import cudf\n", + "import cupy as cp\n", + "import pandas as pd\n", + "from cuBERTopic import gpu_BERTopic\n", + "from embedding_extraction import create_embeddings\n", + "import rmm\n", + "import os\n", + "os.environ[\"TOKENIZERS_PARALLELISM\"] = \"true\"\n", + "rmm.reinitialize(pool_allocator=True,initial_pool_size=5e+9)\n", + "data = fetch_20newsgroups(subset='all')['data']\n", + "# test_dataset = cudf.read_csv('/raid/mayanka/abcnews-date-text.csv')\n", + "# data = test_dataset['headline_text']" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "ae3c5e42-69c4-4869-80fb-49b3aa016672", + "metadata": {}, + "outputs": [], + "source": [ + "len(data)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "da96f945-e7fc-4030-a790-29f4173a4dda", + "metadata": {}, + "outputs": [], + "source": [ + "gpu_topic = gpu_BERTopic()\n", + "documents = cudf.DataFrame(\n", + " {\"Document\": data, \"ID\": cp.arange(len(data)), \"Topic\": None}\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "67b375af-347f-412b-99fa-6ea71e1abd83", + "metadata": {}, + "outputs": [], + "source": [ + "%%time\n", + "# Extract embeddings\n", + "embeddings = create_embeddings(\n", + " documents.Document\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "ef482c47-c013-4909-85c3-67a10b806fef", + "metadata": {}, + "outputs": [], + "source": [ + "%%time\n", + "# Dimensionality Reduction\n", + "umap_embeddings = gpu_topic.reduce_dimensionality(embeddings)\n", + "del embeddings" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "51435da5-2013-4359-8f0d-f82433a4ad00", + "metadata": {}, + "outputs": [], + "source": [ + "%%time\n", + "# Cluster UMAP embeddings with HDBSCAN\n", + "documents, probabilities = gpu_topic.clustering_hdbscan(\n", + " umap_embeddings,\n", + " documents\n", + ")\n", + "del umap_embeddings" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "1810bb03-3f81-44ae-a079-1ca799b4ec87", + "metadata": {}, + "outputs": [], + "source": [ + "%%time\n", + "# Topic representation\n", + "tf_idf, count, docs_per_topics_topics = gpu_topic.create_topics(\n", + " documents\n", + ")\n", + "top_n_words, name_repr = gpu_topic.extract_top_n_words_per_topic(\n", + " tf_idf, count, docs_per_topics_topics, n=30\n", + ")\n", + "\n", + "gpu_topic.topic_sizes_df[\"Name\"] = gpu_topic.topic_sizes_df[\"Topic\"].map(\n", + " name_repr\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "b31e0100-02e0-4b61-ab21-2f50b8b7b557", + "metadata": {}, + "outputs": [], + "source": [ + "## Running the end-to-end pipeline to extract topics" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "35829100-a893-4613-9c8b-a401a5650330", + "metadata": {}, + "outputs": [], + "source": [ + "%%time\n", + "gpu_topic_pipeline = gpu_BERTopic()\n", + "topics_gpu, probs_gpu = gpu_topic_pipeline.fit_transform(data)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "d61d405c-b68d-4656-b1c9-f956e6730bfa", + "metadata": {}, + "outputs": [], + "source": [ + "%%time\n", + "gpu_topic_pipeline.get_topic_info()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "ae45d7ce-e335-446b-bc87-a641d465402e", + "metadata": {}, + "outputs": [], + "source": [ + "%%time\n", + "gpu_topic_pipeline.get_topic(0)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "6478c35f-3daf-4f05-8a8c-f0f712dd5a00", + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.12" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/cuBERT_topic_modelling/benchmarks/benchmark_fit_transform_default.ipynb b/cuBERT_topic_modelling/benchmarks/benchmark_fit_transform_default.ipynb new file mode 100644 index 0000000..9f3915d --- /dev/null +++ b/cuBERT_topic_modelling/benchmarks/benchmark_fit_transform_default.ipynb @@ -0,0 +1,129 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 1, + "id": "82c186a1-8c70-4446-9b00-ffb7aabdbd6e", + "metadata": {}, + "outputs": [], + "source": [ + "from bertopic import BERTopic\n", + "from sklearn.datasets import fetch_20newsgroups\n", + "from cuBERTopic import gpu_BERTopic\n", + "docs = fetch_20newsgroups(subset='all')['data']" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "id": "da96f945-e7fc-4030-a790-29f4173a4dda", + "metadata": {}, + "outputs": [], + "source": [ + "topic_model = BERTopic()\n", + "gpu_topic = gpu_BERTopic()" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "id": "67b375af-347f-412b-99fa-6ea71e1abd83", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "huggingface/tokenizers: The current process just got forked, after parallelism has already been used. Disabling parallelism to avoid deadlocks...\n", + "To disable this warning, you can either:\n", + "\t- Avoid using `tokenizers` before the fork if possible\n", + "\t- Explicitly set the environment variable TOKENIZERS_PARALLELISM=(true | false)\n", + "huggingface/tokenizers: The current process just got forked, after parallelism has already been used. Disabling parallelism to avoid deadlocks...\n", + "To disable this warning, you can either:\n", + "\t- Avoid using `tokenizers` before the fork if possible\n", + "\t- Explicitly set the environment variable TOKENIZERS_PARALLELISM=(true | false)\n", + "huggingface/tokenizers: The current process just got forked, after parallelism has already been used. Disabling parallelism to avoid deadlocks...\n", + "To disable this warning, you can either:\n", + "\t- Avoid using `tokenizers` before the fork if possible\n", + "\t- Explicitly set the environment variable TOKENIZERS_PARALLELISM=(true | false)\n", + "huggingface/tokenizers: The current process just got forked, after parallelism has already been used. Disabling parallelism to avoid deadlocks...\n", + "To disable this warning, you can either:\n", + "\t- Avoid using `tokenizers` before the fork if possible\n", + "\t- Explicitly set the environment variable TOKENIZERS_PARALLELISM=(true | false)\n", + "huggingface/tokenizers: The current process just got forked, after parallelism has already been used. Disabling parallelism to avoid deadlocks...\n", + "To disable this warning, you can either:\n", + "\t- Avoid using `tokenizers` before the fork if possible\n", + "\t- Explicitly set the environment variable TOKENIZERS_PARALLELISM=(true | false)\n", + "huggingface/tokenizers: The current process just got forked, after parallelism has already been used. Disabling parallelism to avoid deadlocks...\n", + "To disable this warning, you can either:\n", + "\t- Avoid using `tokenizers` before the fork if possible\n", + "\t- Explicitly set the environment variable TOKENIZERS_PARALLELISM=(true | false)\n", + "huggingface/tokenizers: The current process just got forked, after parallelism has already been used. Disabling parallelism to avoid deadlocks...\n", + "To disable this warning, you can either:\n", + "\t- Avoid using `tokenizers` before the fork if possible\n", + "\t- Explicitly set the environment variable TOKENIZERS_PARALLELISM=(true | false)\n", + "CPU times: user 20min 47s, sys: 55.6 s, total: 21min 42s\n", + "Wall time: 1min 19s\n" + ] + } + ], + "source": [ + "%%time\n", + "topics_cpu, probs_cpu = topic_model.fit_transform(docs)" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "id": "57417ef4-adfa-43f8-8fcb-118d6fa0a80a", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Label prop iterations: 19\n", + "Label prop iterations: 11\n", + "Label prop iterations: 5\n", + "Label prop iterations: 4\n", + "Label prop iterations: 4\n", + "Label prop iterations: 2\n", + "Iterations: 6\n", + "2567,178,344,20,335,1391\n", + "Label prop iterations: 4\n", + "Label prop iterations: 2\n", + "Iterations: 2\n", + "1004,66,141,6,100,209\n", + "CPU times: user 25.3 s, sys: 5.75 s, total: 31 s\n", + "Wall time: 23.6 s\n" + ] + } + ], + "source": [ + "%%time\n", + "topics_gpu, probs_gpu = gpu_topic.fit_transform(docs)" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.12" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/cuBERT_topic_modelling/berttopic_example.ipynb b/cuBERT_topic_modelling/berttopic_example.ipynb new file mode 100644 index 0000000..3bf6eb5 --- /dev/null +++ b/cuBERT_topic_modelling/berttopic_example.ipynb @@ -0,0 +1,590 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "2359ad99", + "metadata": {}, + "source": [ + "# Topic Modelling using BERTopic & cuBERTopic" + ] + }, + { + "cell_type": "markdown", + "id": "3db47080", + "metadata": {}, + "source": [ + "Sample notebook to show cuBERTopic, a topic modelling technique that is built on top of the NVIDIA RAPIDS ecoysystem, utilizing libraries such as `cudf` and `cuml` to GPU-accelarate end-to-end workflow for extracting topic from a set of documents. We run the same operations using `BERTopic` to compare their behaviour. " + ] + }, + { + "cell_type": "markdown", + "id": "bcd242ad", + "metadata": {}, + "source": [ + "## Quick Start\n", + "In both the cases, we start by extracting topics from the well-known 20 newsgroups dataset from `sklearn` which is comprised of english documents" + ] + }, + { + "cell_type": "markdown", + "id": "816104f7", + "metadata": {}, + "source": [ + "### Installing relevant packages\n", + "Here we need to install relevant dependencies for `BERTopic` as well as we compare performance between it and `cuBERTopic`. \n", + "\n", + "More detailed instructions are in the README." + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "id": "a7d7867d", + "metadata": {}, + "outputs": [], + "source": [ + "from bertopic import BERTopic\n", + "from sklearn.datasets import fetch_20newsgroups\n", + "from transformers import AutoTokenizer, AutoModel\n", + "import torch\n", + "from cuBERTopic import gpu_BERTopic\n", + "import rmm\n", + "import os\n", + "os.environ[\"TOKENIZERS_PARALLELISM\"] = \"true\"\n", + "rmm.reinitialize(pool_allocator=True,initial_pool_size=5e+9)\n", + "\n", + "docs = fetch_20newsgroups(subset='all')['data']" + ] + }, + { + "cell_type": "markdown", + "id": "c1938b3c", + "metadata": {}, + "source": [ + "### Running `BERTopic`\n", + "`BERTopic` provides us the functionality of providing custom embeddings, so we create sentence embeddings using `AutoTokenizer` followed by `AutoModel` from `transformers` and pass it to `fit_transform` method inside `BERTopic` class, which fits the models on a collection of documents, generate topics, and return the docs with topics." + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "id": "0731e164-9be6-46d7-b8c6-70bb77e11d88", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "18846" + ] + }, + "execution_count": 2, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "len(docs)" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "id": "d7ed6c4f", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "CPU times: user 52min 27s, sys: 27min 26s, total: 1h 19min 54s\n", + "Wall time: 2min 53s\n" + ] + } + ], + "source": [ + "%%time\n", + "# Load AutoModel from huggingface model repository\n", + "tokenizer = AutoTokenizer.from_pretrained(\n", + " \"sentence-transformers/all-MiniLM-L6-v2\"\n", + ")\n", + "\n", + "# Tokenize sentences\n", + "encoded_input = tokenizer(\n", + " docs,\n", + " padding=True,\n", + " truncation=True,\n", + " max_length=128,\n", + " return_tensors=\"pt\"\n", + ")\n", + "\n", + "# Mean Pooling - Take attention mask into account for correct averaging\n", + "def mean_pooling(model_output, attention_mask):\n", + " token_embeddings = model_output[\n", + " 0\n", + " ] # First element of model_output contains all token embeddings\n", + " input_mask_expanded = (\n", + " attention_mask\n", + " .unsqueeze(-1)\n", + " .expand(token_embeddings.size())\n", + " .float()\n", + " )\n", + " sum_embeddings = torch.sum(token_embeddings * input_mask_expanded, 1)\n", + " sum_mask = torch.clamp(input_mask_expanded.sum(1), min=1e-9)\n", + " return sum_embeddings / sum_mask\n", + "\n", + "model = AutoModel.from_pretrained(\"sentence-transformers/all-MiniLM-L6-v2\")\n", + "\n", + "# Compute token embeddings\n", + "with torch.no_grad():\n", + " model_output = model(**encoded_input)\n", + "\n", + "# Perform pooling. In this case, mean pooling\n", + "sentence_embeddings = mean_pooling(\n", + " model_output,\n", + " encoded_input[\"attention_mask\"]\n", + ")\n", + "sentence_embeddings = sentence_embeddings.to('cpu').numpy()\n", + "topic_model = BERTopic()\n", + "topics_cpu, probs_cpu = topic_model.fit_transform(docs, sentence_embeddings)" + ] + }, + { + "cell_type": "markdown", + "id": "ef2a60ce", + "metadata": {}, + "source": [ + "`get_topic_info` returns information about each topic including its id, frequency, and name " + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "id": "4fc404a9", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "CPU times: user 2.58 ms, sys: 0 ns, total: 2.58 ms\n", + "Wall time: 2.3 ms\n" + ] + }, + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
TopicCountName
0-16169-1_file_drive_email_information
102790_gun_guns_militia_firearms
212411_car_cars_toyota_mustang
322282_clipper_chip_encryption_key
431963_sy_rh_reserve_year
............
39439310393_kibology_religion_forming_disasters
39539410394_mode_640x400_vga_vesa
39639510395_wip_sports_eagles_fan
39739610396_mac_rebooting_constantly_plus
39839710397_tapes_contains_bray_duran
\n", + "

399 rows × 3 columns

\n", + "
" + ], + "text/plain": [ + " Topic Count Name\n", + "0 -1 6169 -1_file_drive_email_information\n", + "1 0 279 0_gun_guns_militia_firearms\n", + "2 1 241 1_car_cars_toyota_mustang\n", + "3 2 228 2_clipper_chip_encryption_key\n", + "4 3 196 3_sy_rh_reserve_year\n", + ".. ... ... ...\n", + "394 393 10 393_kibology_religion_forming_disasters\n", + "395 394 10 394_mode_640x400_vga_vesa\n", + "396 395 10 395_wip_sports_eagles_fan\n", + "397 396 10 396_mac_rebooting_constantly_plus\n", + "398 397 10 397_tapes_contains_bray_duran\n", + "\n", + "[399 rows x 3 columns]" + ] + }, + "execution_count": 4, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "%%time\n", + "topic_model.get_topic_info()" + ] + }, + { + "cell_type": "markdown", + "id": "6d5b444e", + "metadata": {}, + "source": [ + "`get_topic` returns topics with top n words and their c-TF-IDF score\n", + "\n", + "-1 refers to all outliers and should typically be ignored. Next, let's take a look at the most frequent topic that was generated, topic 0:" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "id": "b1a4b47a", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "CPU times: user 9 µs, sys: 5 µs, total: 14 µs\n", + "Wall time: 24.3 µs\n" + ] + }, + { + "data": { + "text/plain": [ + "[('gun', 0.01439620175290087),\n", + " ('guns', 0.00948467877156171),\n", + " ('militia', 0.006324452798138242),\n", + " ('firearms', 0.005763341042633199),\n", + " ('weapons', 0.005673735137682135),\n", + " ('weapon', 0.005168657529058602),\n", + " ('crime', 0.004562871433230919),\n", + " ('amendment', 0.004400026705177315),\n", + " ('control', 0.004320586427788624),\n", + " ('handgun', 0.004202791173387931)]" + ] + }, + "execution_count": 5, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "%%time\n", + "topic_model.get_topic(0)" + ] + }, + { + "cell_type": "markdown", + "id": "e18a4fa7", + "metadata": {}, + "source": [ + "### Running `cuBERTopic`\n", + "`cuBERTopic` provides with a similar API for passing in `docs` as a set of strings to model on. Here, instead of using `AutoTokenizer` from `transformers`, we use `SubwordTokenizer` from `cuDF` in combination with `AutoModel` from `transformers`. \n", + "\n", + "Due to the stochastisch nature of UMAP, the results might differ and the quality can degrade." + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "id": "512a3834-b59b-4b0d-a215-428337ca67b9", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Label prop iterations: 17\n", + "Label prop iterations: 8\n", + "Label prop iterations: 5\n", + "Label prop iterations: 4\n", + "Label prop iterations: 4\n", + "Iterations: 5\n", + "1175,214,345,19,215,1186\n", + "Label prop iterations: 5\n", + "Label prop iterations: 4\n", + "Iterations: 2\n", + "973,113,167,6,83,291\n", + "CPU times: user 25.7 s, sys: 4.03 s, total: 29.8 s\n", + "Wall time: 22.5 s\n" + ] + } + ], + "source": [ + "%%time\n", + "gpu_topic = gpu_BERTopic()\n", + "topics_gpu, probs_gpu = gpu_topic.fit_transform(docs)" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "id": "739da6b7-33d0-4c4a-ad29-a26bb8c2c715", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "CPU times: user 15.7 ms, sys: 0 ns, total: 15.7 ms\n", + "Wall time: 13.9 ms\n" + ] + }, + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
TopicCountName
0-16747-1_file_email_information_program
9204130_monitor_card_video_drivers
25812011_car_cars_convertible_toyota
27021482_printer_deskjet_printers_hp
34531433_israel_israeli_arab_arabs
............
33440210402_jets_canucks_winnipeg_selanne
36540310403_clipper_phone_tapped_crooks
38940410404_ampere_amp_db_ohmite
39940510405_smiley_object_kuiper_karla
40240610406_moon_luna_coffman_lunar
\n", + "

408 rows × 3 columns

\n", + "
" + ], + "text/plain": [ + " Topic Count Name\n", + "0 -1 6747 -1_file_email_information_program\n", + "92 0 413 0_monitor_card_video_drivers\n", + "258 1 201 1_car_cars_convertible_toyota\n", + "270 2 148 2_printer_deskjet_printers_hp\n", + "345 3 143 3_israel_israeli_arab_arabs\n", + ".. ... ... ...\n", + "334 402 10 402_jets_canucks_winnipeg_selanne\n", + "365 403 10 403_clipper_phone_tapped_crooks\n", + "389 404 10 404_ampere_amp_db_ohmite\n", + "399 405 10 405_smiley_object_kuiper_karla\n", + "402 406 10 406_moon_luna_coffman_lunar\n", + "\n", + "[408 rows x 3 columns]" + ] + }, + "execution_count": 7, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "%%time\n", + "gpu_topic.get_topic_info()" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "id": "6ad9caf4-8016-4a95-8e74-ecb8a55ccb8e", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "CPU times: user 359 ms, sys: 37.7 ms, total: 397 ms\n", + "Wall time: 395 ms\n" + ] + }, + { + "data": { + "text/plain": [ + "[('monitor', array(0.01571617)),\n", + " ('card', array(0.01371929)),\n", + " ('video', array(0.01272293)),\n", + " ('drivers', array(0.01032598)),\n", + " ('vga', array(0.0095135)),\n", + " ('monitors', array(0.0088007)),\n", + " ('ati', array(0.0078124)),\n", + " ('diamond', array(0.00775029)),\n", + " ('vesa', array(0.00629848)),\n", + " ('screen', array(0.00619216))]" + ] + }, + "execution_count": 8, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "%%time\n", + "gpu_topic.get_topic(0)" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.12" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/cuBERT_topic_modelling/conda/conda_dev_env.yml b/cuBERT_topic_modelling/conda/conda_dev_env.yml new file mode 100644 index 0000000..e9a0748 --- /dev/null +++ b/cuBERT_topic_modelling/conda/conda_dev_env.yml @@ -0,0 +1,18 @@ +name: topic_dev +channels: + - rapidsai-nightly + - nvidia + - pytorch + - conda-forge +dependencies: + - cudf=21.12 + - cuml=21.12 + - python>=3.8 + - cudatoolkit=11.3 + - pytorch + - transformers + - jupyterlab + - scikit-learn + - pytest + - pytest-lazy-fixture + \ No newline at end of file diff --git a/cuBERT_topic_modelling/conda/environment.yml b/cuBERT_topic_modelling/conda/environment.yml new file mode 100644 index 0000000..02b71d5 --- /dev/null +++ b/cuBERT_topic_modelling/conda/environment.yml @@ -0,0 +1,16 @@ +name: topic_p +channels: + - rapidsai-nightly + - nvidia + - pytorch + - conda-forge +dependencies: + - cudf=21.12 + - cuml=21.12 + - python>=3.8 + - cudatoolkit=11.3 + - pytorch + - transformers + - jupyterlab + - scikit-learn + \ No newline at end of file diff --git a/cuBERT_topic_modelling/ctfidf.py b/cuBERT_topic_modelling/ctfidf.py new file mode 100644 index 0000000..c870cf0 --- /dev/null +++ b/cuBERT_topic_modelling/ctfidf.py @@ -0,0 +1,65 @@ +from cuml.feature_extraction._tfidf import TfidfTransformer +import cupyx.scipy.sparse +import cupy as cp +from cuml.common.sparsefuncs import csr_row_normalize_l1 + + +class ClassTFIDF(TfidfTransformer): + """ + A Class-based TF-IDF procedure using scikit-learns + TfidfTransformer as a base. C-TF-IDF can best be + explained as a TF-IDF formula adopted for multiple classes + by joining all documents per class. Thus, each class + is converted to a single document instead of set of documents. + Then, the frequency of words **t** are extracted for + each class **i** and divided by the total number of + words **w**. Next, the total, unjoined, number of documents + across all classes **m** is divided by the total sum of + word **i** across all classes. + """ + + def __init__(self, *args, **kwargs): + super(ClassTFIDF, self).__init__(*args, **kwargs) + + def fit(self, + X: cupyx.scipy.sparse.csr_matrix, + n_samples: int, + multiplier: cp.ndarray = None): + """Learn the idf vector (global term weights). + Arguments: + X: A matrix of term/token counts. + n_samples: Number of total documents + """ + if not cupyx.scipy.sparse.issparse(X): + X = cupyx.scipy.sparse.csr_matrix(X) + dtype = cp.float64 + + if self.use_idf: + _, n_features = X.shape + df = cp.squeeze(cp.asarray(X.sum(axis=0))) + avg_nr_samples = int(X.sum(axis=1).mean()) + idf = cp.log(avg_nr_samples / df) + if multiplier is not None: + idf = idf * multiplier + self._idf_diag = cupyx.scipy.sparse.diags( + idf, + offsets=0, + shape=(n_features, n_features), + format="csr", + dtype=dtype, + ) + + return self + + def transform(self, X: cupyx.scipy.sparse.csr_matrix, copy=True): + """Transform a count-based matrix to c-TF-IDF + Arguments: + X (sparse matrix): A matrix of term/token counts. + Returns: + X (sparse matrix): A c-TF-IDF matrix + """ + if self.use_idf: + X = csr_row_normalize_l1(X, inplace=False) + X = X * self._idf_diag + + return X diff --git a/cuBERT_topic_modelling/cuBERTopic.py b/cuBERT_topic_modelling/cuBERTopic.py new file mode 100644 index 0000000..888dd05 --- /dev/null +++ b/cuBERT_topic_modelling/cuBERTopic.py @@ -0,0 +1,320 @@ +import torch +import cuml +import cudf +from cuml.neighbors import NearestNeighbors +from cuml.manifold import UMAP +import cupy as cp +from ctfidf import ClassTFIDF +from mmr import mmr +from utils.sparse_matrix_utils import top_n_idx_sparse +from vectorizer.vectorizer import CountVecWrapper +import math +from embedding_extraction import create_embeddings + +device = torch.device("cuda:0" if torch.cuda.is_available() else "cpu") + + +class gpu_BERTopic: + def __init__(self): + self.top_n_words = None + self.topic_sizes_df = None + self.original_topic_mapping = None + self.new_topic_mapping = None + self.final_topic_mapping = None + + # Dimensionality reduction + def reduce_dimensionality(self, embeddings): + """Reduce dimensionality of embeddings using UMAP and train a UMAP model + + Args: + embeddings (cupy.ndarray): The extracted embeddings using the + sentence transformer module. + + Returns: + umap_embeddings: The reduced embeddings + """ + m_cos = NearestNeighbors(n_neighbors=15, metric="cosine") + m_cos.fit(embeddings) + knn_graph_cos = m_cos.kneighbors_graph(embeddings, mode="distance") + u1 = UMAP(n_neighbors=15, n_components=5, min_dist=0.0) + umap_embeddings = u1.fit_transform(embeddings, knn_graph=knn_graph_cos) + + return umap_embeddings + + # Clustering step + def clustering_hdbscan(self, umap_embeddings, documents): + """Cluster UMAP embeddings with HDBSCAN + + Args: + umap_embeddings: The reduced sentence embeddings with UMAP + documents: DataFrame from the original data + + Returns: + documents: Modified dataframe with topic labels + probabilities: response from cluster.probabilities_ which + represents the likelihood of the doc belonging to a cluster. + """ + cluster = cuml.cluster.HDBSCAN( + min_cluster_size=10, + metric="euclidean", + cluster_selection_method="eom" + ).fit(umap_embeddings) + + documents["Topic"] = cluster.labels_ + probabilities = cluster.probabilities_ + self.update_topic_size(documents) + + return documents, probabilities + + def new_c_tf_idf(self, document_df, m, ngram_range=(1, 1)): + """Calculate a class-based TF-IDF where m is the number of total documents. + + Arguments: + document_df (cudf.DataFrame): dataFrame containing our strings + and docids + m (int): The total number of documents (unjoined) + ngram_range (tuple (int, int), default=(1, 1)): The lower and + upper boundary + of the range of n-values for different word n-grams or char + n-grams to be extracted. + + Returns: + tf_idf: The resulting matrix giving a value (importance score) + for each word per topic + count: object of class CountVecWrapper + """ + count = CountVecWrapper(ngram_range=ngram_range) + X = count.fit_transform(document_df) + multiplier = None + + transformer = ClassTFIDF().fit(X, n_samples=m, multiplier=multiplier) + + c_tf_idf = transformer.transform(X) + + return c_tf_idf, count + + def create_topics(self, docs_df): + """Extract topics from the clusters using a class-based TF-IDF + Arguments: + docs_df: DataFrame containing documents and other information + Returns: + tf_idf: The resulting matrix giving a value (importance score) for + each word per topic + count: object of class CountVecWrapper, which inherits from + CountVectorizer + docs_per_topics_topics: A list of unique topic labels + """ + docs_per_topics_topics = docs_df["Topic"].unique() + + tf_idf, count = self.new_c_tf_idf(docs_df, len(docs_df)) + return tf_idf, count, docs_per_topics_topics + + # Topic representation + def extract_top_n_words_per_topic( + self, tf_idf, count, docs_per_topics_topics, mmr_flag=False, n=30 + ): + """Based on tf_idf scores per topic, extract the top n words per topic + + Arguments: + tf_idf: A c-TF-IDF matrix from which to calculate the top words + count: object of class CountVecWrapper, which is derived + from CountVectorizer + docs_per_topics_topics: A list of unique topic labels + mmr_flag: Boolean value indicating whether or not we want + to run MMR + n: number of words per topic (Default: 30) + Returns: + top_n_words: The top n words per topic + topic_names: Dictionary containing key as Topic ID and value + as top 4 words from that topic cluster + """ + + words = count.get_feature_names().to_arrow().to_pylist() + labels = sorted(docs_per_topics_topics.to_arrow().to_pylist()) + indices = top_n_idx_sparse(tf_idf, n) + indices = indices.get() + + top_n_words = {} + for i, label in enumerate(labels): + list_labels = [] + indices_row = indices[i] + for idx in indices_row: + if not math.isnan(idx): + idx = int(idx) + if idx and tf_idf[i, idx] > 0: + list_labels.append((words[idx], tf_idf[i, idx])) + else: + list_labels.append(("", 0.00001)) + top_n_words[label] = list_labels[::-1] + + if mmr_flag: + for topic, topic_words in top_n_words.items(): + words_arr = [word[0] for word in topic_words] + words = cudf.Series(words_arr, name="Document") + word_embeddings = create_embeddings(words) + topic_embedding = create_embeddings( + cudf.Series(" ".join(words_arr)) + ).reshape(1, -1) + topic_words = mmr( + topic_embedding, + word_embeddings, + words, + top_n=n, + diversity=0 + ) + top_n_words[topic] = [ + (word, value) + for word, value in top_n_words[topic] + if word in topic_words + ] + + top_n_words = { + label: values[:n] for label, values in top_n_words.items() + } + + topic_names = { + key: f"{key}_" + "_".join([word[0] for word in values[:4]]) + for key, values in top_n_words.items() + } + return top_n_words, topic_names + + def extract_topic_sizes(self, df): + """Calculate the topic sizes + Arguments: + documents: dataframe with documents and their corresponding IDs + and added Topics + + Returns: + topic_sizes: DataFrame containing topic cluster sizes + """ + topic_sizes = ( + df.groupby(["Topic"]) + .Document.count() + .reset_index() + .rename({"Topic": "Topic", "Document": "Count"}, axis="columns") + .sort_values("Count", ascending=False) + ) + return topic_sizes + + def fit_transform(self, data): + """Fit the models on a collection of documents, generate topics, and return + the docs with topics + Arguments: + data: A list of documents to fit on + + Returns: + predictions: Topic predictions for each documents + probabilities: The probability of the assigned topic per document. + """ + + documents = cudf.DataFrame( + {"Document": data, "ID": cp.arange(len(data)), "Topic": None} + ) + + # Extract embeddings + embeddings = create_embeddings( + documents.Document + ) + + # Reduce dimensionality with UMAP + umap_embeddings = self.reduce_dimensionality(embeddings) + del embeddings + + # Cluster UMAP embeddings with HDBSCAN + documents, probabilities = self.clustering_hdbscan( + umap_embeddings, + documents + ) + + del umap_embeddings + + # Topic representation + tf_idf, count, docs_per_topics_topics = self.create_topics( + documents + ) + top_n_words, name_repr = self.extract_top_n_words_per_topic( + tf_idf, count, docs_per_topics_topics, n=30 + ) + + self.topic_sizes_df["Name"] = self.topic_sizes_df["Topic"].map( + name_repr + ) + self.top_n_words = top_n_words + predictions = documents.Topic + + return (predictions, probabilities) + + def get_topic(self, topic, num_words=10): + """Return top n words for a specific topic and their c-TF-IDF scores + Arguments: + topic: A specific topic for which you want its representation + num_words: Number of words we want in the representation + Returns: + The top n words for a specific word and its respective + c-TF-IDF scores + """ + + return self.top_n_words[ + int(self.final_topic_mapping[0][topic+1]) + ][:num_words] + + def get_topic_info(self): + """Get information about each topic including its id, frequency, and name + + Returns: + info: The information relating to all topics + """ + + # Note: getting topics in sorted order without using + # TopicMapper, as in BERTopic + topic_sizes_df_columns = self.topic_sizes_df.Name.str.split( + "_", expand=True + )[[0, 1, 2, 3, 4]] + self.original_topic_mapping = topic_sizes_df_columns[0] + + self.new_topic_mapping = self.topic_sizes_df["Topic"].sort_values() + + self.original_topic_mapping = self.original_topic_mapping.astype( + "int64" + ) + new_mapping_values = self.new_topic_mapping.values + new_mapping_series = self.new_topic_mapping.reset_index(drop=True) + original_mapping_series = self.original_topic_mapping.reset_index( + drop=True + ) + self.final_topic_mapping = cudf.concat([new_mapping_series, + original_mapping_series], + axis=1 + ) + + topic_sizes_df_columns[0] = new_mapping_values + topic_sizes_df_columns["Name"] = ( + topic_sizes_df_columns[0].astype("str") + + "_" + + topic_sizes_df_columns[1] + + "_" + + topic_sizes_df_columns[2] + + "_" + + topic_sizes_df_columns[3] + + "_" + + topic_sizes_df_columns[4] + ) + self.topic_sizes_df["Name"] = topic_sizes_df_columns["Name"] + self.topic_sizes_df["Topic"] = topic_sizes_df_columns[0] + return self.topic_sizes_df + + def update_topic_size(self, documents): + """Calculate the topic sizes + Arguments: + documents: Updated dataframe with documents and + their corresponding IDs and newly added Topics + """ + + topic_sizes = ( + documents.groupby(["Topic"]) + .Document.count() + .reset_index() + .rename({"Topic": "Topic", "Document": "Count"}, axis="columns") + .sort_values("Count", ascending=False) + ) + self.topic_sizes_df = topic_sizes diff --git a/cuBERT_topic_modelling/embedding_extraction.py b/cuBERT_topic_modelling/embedding_extraction.py new file mode 100644 index 0000000..fe94d9c --- /dev/null +++ b/cuBERT_topic_modelling/embedding_extraction.py @@ -0,0 +1,88 @@ +from cudf.core.subword_tokenizer import SubwordTokenizer +import torch +from transformers import AutoModel +from torch.utils.data import TensorDataset, DataLoader + +# Vocabulary is included in the root directory of this repo +# however, below is the command to modify / update it --> +# from cudf.utils.hash_vocab_utils import hash_vocab +# hash_vocab('vocab.txt', 'voc_hash.txt') + +device = torch.device("cuda:0" if torch.cuda.is_available() else "cpu") + +# Mean Pooling - Take attention mask into account for correct averaging +def mean_pooling(model_output, attention_mask): + """Function to implement mean pooling on top of the AutoModel + See: https://www.sbert.net/examples/applications/computing-embeddings/README.html#sentence-embeddings-with-transformers + + Args: + model_output \ + (transformers.BaseModelOutputWithPoolingAndCrossAttentions): BERT model + attention_mask (torch.Tensor): torch.Tensor representing attention + mask values + + Returns: + [torch.Tensor]: correct averaging of attention mask + """ + # First element of model_output contains all token embeddings + token_embeddings = model_output[0] + input_mask_expanded = ( + attention_mask.unsqueeze(-1).expand(token_embeddings.size()).float() + ) + sum_embeddings = torch.sum(token_embeddings * input_mask_expanded, 1) + sum_mask = torch.clamp(input_mask_expanded.sum(1), min=1e-9) + return sum_embeddings / sum_mask + + +def create_embeddings(sentences): + """Creates the sentence embeddings using SentenceTransformer + + Args: + sentences (cudf.Series[str]): a cuDF Series of Input strings + + Returns: + embeddings (cupy.ndarray): corresponding sentence + embeddings for the strings passed + """ + + cudf_tokenizer = SubwordTokenizer("vocab/voc_hash.txt", do_lower_case=True) + + # Tokenize sentences + encoded_input_cudf = cudf_tokenizer( + sentences, + max_length=128, + max_num_rows=len(sentences), + padding="max_length", + return_tensors="pt", + truncation=True, + ) + + # Load AutoModel from huggingface model repository + model_gpu = AutoModel.from_pretrained("sentence-transformers/all-MiniLM-L6-v2").to( + device + ) + + # Delete the key and associated values we do not need + del encoded_input_cudf["metadata"] + + batch_size = 64 + + dataset = TensorDataset( + encoded_input_cudf["input_ids"], encoded_input_cudf["attention_mask"] + ) + + dataloader = DataLoader(dataset, batch_size=batch_size) + + del encoded_input_cudf["input_ids"], encoded_input_cudf["attention_mask"] + + pooling_output_ls = [] + with torch.no_grad(): + for b_input_ids, b_attention_mask in dataloader: + model_obj = model_gpu( + **{"input_ids": b_input_ids, "attention_mask": b_attention_mask} + ) + pooling_output_ls.append(mean_pooling(model_obj, b_attention_mask)) + + pooling_output = torch.cat(pooling_output_ls) + + return pooling_output diff --git a/cuBERT_topic_modelling/images/cuBERTopic.jpg b/cuBERT_topic_modelling/images/cuBERTopic.jpg new file mode 100644 index 0000000..44ab27f Binary files /dev/null and b/cuBERT_topic_modelling/images/cuBERTopic.jpg differ diff --git a/cuBERT_topic_modelling/mmr.py b/cuBERT_topic_modelling/mmr.py new file mode 100644 index 0000000..9c2a2c2 --- /dev/null +++ b/cuBERT_topic_modelling/mmr.py @@ -0,0 +1,67 @@ +import cupy as cp +from cuml.metrics import pairwise_distances + + +def mmr( + doc_embedding, + word_embeddings, + words, + top_n = 5, + diversity = 0.8, +): + + """ + Calculate Maximal Marginal Relevance (MMR) + between candidate keywords and the document. + MMR considers the similarity of keywords/keyphrases with the + document, along with the similarity of already selected + keywords and keyphrases. This results in a selection of keywords + that maximize their within diversity with respect to the document. + Arguments: + doc_embedding: The document embeddings + word_embeddings: The embeddings of the selected candidate keywords/phrases + words: The selected candidate keywords/keyphrases + top_n: The number of keywords/keyhprases to return + diversity: How diverse the select keywords/keyphrases are. + Values between 0 and 1 with 0 being not diverse at all + and 1 being most diverse. + Returns: + List[str]: The selected keywords/keyphrases + """ + + # Extract similarity within words, and between words and the document + word_doc_similarity = 1 - pairwise_distances( + word_embeddings, doc_embedding, metric="cosine" + ) + word_similarity = 1 - pairwise_distances(word_embeddings, metric="cosine") + + # Initialize candidates and already choose best keyword/keyphras + keywords_idx = cp.argmax(word_doc_similarity) + target = cp.take(keywords_idx, 0) + candidates_idx = [i for i in range(len(words)) if i != target] + for i in range(top_n - 1): + candidate_similarities = word_doc_similarity[candidates_idx, :] + if i == 0: + first_row = cp.reshape( + word_similarity[candidates_idx][:, keywords_idx], + (word_similarity[candidates_idx][:, keywords_idx].shape[0], 1) + ) + target_similarities = cp.max( + first_row, axis=1 + ) + else: + target_similarities = cp.max( + word_similarity[candidates_idx][:, keywords_idx], axis=1 + ) + # Calculate MMR + mmr = ( + 1 - diversity + ) * candidate_similarities - diversity * target_similarities.reshape(-1, 1) + + mmr_idx = cp.take(cp.array(candidates_idx), cp.argmax(mmr)) + + # Update keywords & candidates + keywords_idx = cp.append(keywords_idx, mmr_idx) + candidates_idx.remove(mmr_idx) + + return [words[idx] for idx in keywords_idx.get()] diff --git a/cuBERT_topic_modelling/setup.py b/cuBERT_topic_modelling/setup.py new file mode 100644 index 0000000..5ca2810 --- /dev/null +++ b/cuBERT_topic_modelling/setup.py @@ -0,0 +1,7 @@ +from setuptools import setup, find_packages + +setup( + name="cubertopic", + version='1.0', + packages=find_packages() +) diff --git a/cuBERT_topic_modelling/tests/__init__.py b/cuBERT_topic_modelling/tests/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/cuBERT_topic_modelling/tests/test_ctfidf.py b/cuBERT_topic_modelling/tests/test_ctfidf.py new file mode 100644 index 0000000..54bd08b --- /dev/null +++ b/cuBERT_topic_modelling/tests/test_ctfidf.py @@ -0,0 +1,105 @@ +from bertopic import BERTopic +import pandas as pd +import numpy as np +import cudf +from sklearn.datasets import fetch_20newsgroups +import pytest +from cupyx.scipy.sparse.csr import csr_matrix +from cuBERTopic import gpu_BERTopic +from ctfidf import ClassTFIDF +from vectorizer.vectorizer import CountVecWrapper + +@pytest.fixture +def input_data_trivial(): + data_trivial = [ + "This is the first document.", + "This document is the second document.", + "And this is the third one.", + "Is this the first document?", + ] + + docs_df_trivial = pd.DataFrame(data_trivial, columns=["Document"]) + docs_df_trivial["Topic"] = [1, 2, 0, 1] + docs_df_trivial = docs_df_trivial.sort_values("Topic") + return docs_df_trivial + +@pytest.fixture +def input_data_big(): + data_big = fetch_20newsgroups(subset="all")["data"] + docs_df_big = pd.DataFrame(data_big, columns=["Document"]) + docs_df_big["Topic"] = np.random.randint(0, 100, len(docs_df_big)) + docs_df_big = docs_df_big.sort_values("Topic") + return docs_df_big + +@pytest.fixture +def input_newsgroup_dataset(): + newsgroup_docs = fetch_20newsgroups(subset="all", + remove=("headers", "footers", "quotes") + )["data"][:1000] + return newsgroup_docs + +def extract_c_tf_idf_scores(documents: pd.DataFrame): + cpu_bertopic = BERTopic() + documents_per_topic = documents.groupby(["Topic"], as_index=False).agg( + {"Document": " ".join} + ) + cpu_bertopic.c_tf_idf, words = cpu_bertopic._c_tf_idf( + documents_per_topic, m=len(documents) + ) + return cpu_bertopic.c_tf_idf, words + + +@pytest.mark.parametrize("docs_df", + [pytest.lazy_fixture("input_data_trivial"), + pytest.lazy_fixture("input_data_big")]) +def test_ctfidf_values(docs_df): + """Test c-TF-IDF values + Here we test the values against the _c_tf_idf method from BERTopic + to make sure we get the same correctness. + """ + tfidf_score, w = extract_c_tf_idf_scores(docs_df) + docs_df_gpu = cudf.from_pandas(docs_df) + gpu_topic = gpu_BERTopic() + X = gpu_topic.new_c_tf_idf(docs_df_gpu, len(docs_df_gpu)) + np.testing.assert_almost_equal(X[0].toarray().get(), tfidf_score.toarray()) + + +def test_ctfidf_general(input_newsgroup_dataset): + """Test c-TF-IDF general + Test whether the c-TF-IDF matrix is correctly calculated. + This includes the general shape of the matrix as well as the + possible values that could occupy the matrix. + """ + nr_topics = 10 + docs_df = cudf.DataFrame(input_newsgroup_dataset, columns=["Document"]) + docs_df["Topic"] = np.random.randint(-1, nr_topics, len(input_newsgroup_dataset)) + + count = CountVecWrapper(ngram_range=(1, 1)) + X = count.fit_transform(docs_df) + words = count.get_feature_names() + multiplier = None + + transformer = ClassTFIDF().fit( + X, n_samples=len(input_newsgroup_dataset), multiplier=multiplier + ) + + c_tf_idf = transformer.transform(X) + + words = words.to_arrow().to_pylist() + assert len(words) > 1000 + assert all([isinstance(x, str) for x in words]) + + assert isinstance(X, csr_matrix) + assert isinstance(c_tf_idf, csr_matrix) + + assert X.shape[0] == nr_topics + 1 + assert X.shape[1] == len(words) + + assert c_tf_idf.shape[0] == nr_topics + 1 + assert c_tf_idf.shape[1] == len(words) + + assert np.min(c_tf_idf) > -1 + assert np.max(c_tf_idf) < 1 + + assert np.min(X) == 0 + \ No newline at end of file diff --git a/cuBERT_topic_modelling/tests/test_data_preprocess.py b/cuBERT_topic_modelling/tests/test_data_preprocess.py new file mode 100644 index 0000000..b1e29e9 --- /dev/null +++ b/cuBERT_topic_modelling/tests/test_data_preprocess.py @@ -0,0 +1,42 @@ +import pandas as pd +import cudf +import re +from vectorizer.vectorizer import CountVecWrapper +import pytest + +@pytest.fixture +def input_data_docs_df(): + data_trivial = [ + "This is the first document.", + "This document is the second document.", + "And this is the third one.", + "Is this the first document?", + "" + ] + + docs_df = pd.DataFrame(data_trivial, columns=["Document"]) + return docs_df + + +def preprocess_text_bertopic(documents): + documents = documents.to_arrow().to_pylist() + cleaned_documents = [doc.lower() for doc in documents] + cleaned_documents = [doc.replace("\n", " ") for doc in cleaned_documents] + cleaned_documents = [doc.replace("\t", " ") for doc in cleaned_documents] + cleaned_documents = [ + re.sub(r"[^A-Za-z0-9 ]+", "", doc) for doc in cleaned_documents + ] + cleaned_documents = [ + doc if doc != "" else "emptydoc" for doc in cleaned_documents + ] + return cudf.Series(cleaned_documents, name="Document") + + +def test_trivia_case(input_data_docs_df): + docs_df_gpu = cudf.from_pandas(input_data_docs_df) + clean_docs_bertopic = preprocess_text_bertopic(docs_df_gpu["Document"]) + cv = CountVecWrapper() + clean_docs_gpu = cv.preprocess_text_gpu(docs_df_gpu["Document"]) + + cudf.testing.testing.assert_series_equal(clean_docs_gpu, + clean_docs_bertopic) diff --git a/cuBERT_topic_modelling/tests/test_embeddings_extraction.py b/cuBERT_topic_modelling/tests/test_embeddings_extraction.py new file mode 100644 index 0000000..0769c8e --- /dev/null +++ b/cuBERT_topic_modelling/tests/test_embeddings_extraction.py @@ -0,0 +1,28 @@ +import cudf +import torch +from embedding_extraction import create_embeddings + +def test_extract_embeddings(): + """Test SentenceTransformer + Check whether the embeddings are correctly generated + for both a single string or a list of strings. This means that + the correct shape should be outputted. The embeddings by itself + should not exceed certain values as a sanity check. + """ + single_embedding = create_embeddings( + cudf.Series(["a document"]) + ) + multiple_embeddings = create_embeddings( + cudf.Series(["a document", + "another document"]) + ) + + assert single_embedding.shape[0] == 1 + assert single_embedding.shape[1] == 384 + assert torch.min(single_embedding) > -5 + assert torch.max(single_embedding) < 5 + + assert multiple_embeddings.shape[0] == 2 + assert multiple_embeddings.shape[1] == 384 + assert torch.min(multiple_embeddings) > -5 + assert torch.max(multiple_embeddings) < 5 diff --git a/cuBERT_topic_modelling/tests/test_fit_transform.py b/cuBERT_topic_modelling/tests/test_fit_transform.py new file mode 100644 index 0000000..ba7e7c6 --- /dev/null +++ b/cuBERT_topic_modelling/tests/test_fit_transform.py @@ -0,0 +1,176 @@ +from bertopic import BERTopic +from bertopic._utils import ( + check_documents_type, + check_embeddings_shape, +) +from bertopic.backend._utils import select_backend +import pandas as pd +import numpy as np +import cudf +from sklearn.datasets import fetch_20newsgroups +from sentence_transformers import SentenceTransformer +from cuBERTopic import gpu_BERTopic +import pytest + +@pytest.fixture +def input_data_docs(): + docs = fetch_20newsgroups(subset="all")["data"] + return docs + + +class berttopic_wrapper(BERTopic): + def fit_transform(self, documents, embeddings=None, y=None): + + check_documents_type(documents) + check_embeddings_shape(embeddings, documents) + + documents = pd.DataFrame( + {"Document": documents, "ID": range(len(documents)), "Topic": None} + ) + + # Extract embeddings + if embeddings is None: + self.embedding_model = select_backend( + self.embedding_model, language=self.language + ) + embeddings = self._extract_embeddings( + documents.Document, method="document", verbose=self.verbose + ) + else: + if self.embedding_model is not None: + self.embedding_model = select_backend( + self.embedding_model, language=self.language + ) + + # Reduce dimensionality with UMAP + if self.seed_topic_list is not None and \ + self.embedding_model is not None: + y, embeddings = self._guided_topic_modeling(embeddings) + umap_embeddings = self._reduce_dimensionality(embeddings, y) + + with open("berttopic_umapembeddings.npy", "wb") as f: + np.save(f, umap_embeddings) + + # Cluster UMAP embeddings with HDBSCAN + documents, probabilities = self._cluster_embeddings( + umap_embeddings, documents + ) + + with open("berttopic_clusterobj.npy", "wb") as f: + np.save(f, self.hdbscan_model) + + documents.to_parquet("berttopic_docs") + + with open("berttopic_probs.npy", "wb") as f: + np.save(f, probabilities) + + # Sort and Map Topic IDs by their frequency + if not self.nr_topics: + documents = self._sort_mappings_by_frequency(documents) + + # Extract topics by calculating c-TF-IDF + self._extract_topics(documents) + + # Reduce topics + if self.nr_topics: + documents = self._reduce_topics(documents) + + self._map_representative_docs(original_topics=True) + probabilities = self._map_probabilities(probabilities, + original_topics=True) + predictions = documents.Topic.to_list() + + return predictions, probabilities + + +class gpubertopic_wrapper(gpu_BERTopic): + def fit_transform(self, data): + """Fit the models on a collection of documents, generate topics, + and return the docs with topics + Arguments: + documents: A list of documents to fit on + + Returns: + predictions: Topic predictions for each documents + probabilities: The probability of the assigned topic per document. + """ + + umap_embeddings = np.load("berttopic_umapembeddings.npy") + + probabilities = np.load("berttopic_probs.npy") + + documents = pd.read_parquet("berttopic_docs") + documents = cudf.from_pandas(documents) + self.update_topic_size(documents) + + del umap_embeddings + + tf_idf, count, docs_per_topics_topics = self.create_topics( + documents + ) + top_n_words, name_repr = self.extract_top_n_words_per_topic( + tf_idf, count, docs_per_topics_topics, n=30 + ) + + self.topic_sizes_df["Name"] = self.topic_sizes_df["Topic"].map( + name_repr + ) + self.top_n_words = top_n_words + predictions = documents.Topic.to_arrow().to_pylist() + + return (predictions, probabilities) + + +def test_fit_transform(input_data_docs): + model_sbert = SentenceTransformer("all-MiniLM-L6-v2") + embeddings = model_sbert.encode( + input_data_docs, + show_progress_bar=True, + batch_size=64, + convert_to_numpy=True, + ) + topic_model = berttopic_wrapper() + _, probs_cpu = topic_model.fit_transform(input_data_docs, embeddings) + + gpu_topic = gpubertopic_wrapper() + _, probs_gpu = gpu_topic.fit_transform(input_data_docs) + + a = topic_model.get_topic_info().reset_index(drop=True) + b = gpu_topic.get_topic_info().reset_index(drop=True) + + b_gpu = b.Name.str.split("_", expand=True)[[1, 2, 3, 4]] + b_gpu["Count"] = b["Count"] + b_gpu = ( + b_gpu.sort_values(by=["Count", 1, 2, 3, 4], ascending=False) + .reset_index(drop=True) + .to_pandas() + ) + a_cpu = a.Name.str.split("_", expand=True)[[1, 2, 3, 4]] + a_cpu["Count"] = a["Count"] + a_cpu = a_cpu.sort_values( + by=["Count", 1, 2, 3, 4], ascending=False).reset_index( + drop=True + ) + assert probs_gpu.all() == probs_cpu.all() + assert sum(a_cpu["Count"] == b_gpu["Count"]) == len(a_cpu) == len(b_gpu) + pd.testing.assert_series_equal( + a_cpu[1][:100], b_gpu[1][:100], + check_dtype=False + ) + pd.testing.assert_series_equal( + a_cpu[2][:100], b_gpu[2][:100], + check_dtype=False + ) + pd.testing.assert_series_equal( + a_cpu[3][:100], b_gpu[3][:100], + check_dtype=False + ) + pd.testing.assert_series_equal( + a_cpu[4][:100], b_gpu[4][:100], + check_dtype=False + ) + pd.testing.assert_frame_equal( + a_cpu[:100], b_gpu[:100], + check_dtype=False + ) + \ No newline at end of file diff --git a/cuBERT_topic_modelling/tests/test_hdbscan_clustering.py b/cuBERT_topic_modelling/tests/test_hdbscan_clustering.py new file mode 100644 index 0000000..c91292e --- /dev/null +++ b/cuBERT_topic_modelling/tests/test_hdbscan_clustering.py @@ -0,0 +1,42 @@ +import cudf +from sklearn.datasets import fetch_20newsgroups, make_blobs +import pytest +from cuBERTopic import gpu_BERTopic + + +newsgroup_docs = fetch_20newsgroups( + subset="all", remove=("headers", "footers", "quotes") +)["data"][:1000] + + +@pytest.mark.parametrize( + "samples,features,centers", + [ + (200, 500, 1), + (500, 200, 1), + (200, 500, 2), + (500, 200, 2), + (200, 500, 4), + (500, 200, 4), + ], +) +def test_hdbscan_cluster_embeddings(samples, features, centers): + """Test HDBSCAN + Testing whether the clusters are correctly created and if the old + and new dataframes are the exact same aside from the Topic column. + """ + embeddings, _ = make_blobs( + n_samples=samples, + centers=centers, + n_features=features, + random_state=42 + ) + documents = [str(i + 1) for i in range(embeddings.shape[0])] + old_df = cudf.DataFrame( + {"Document": documents, "ID": range(len(documents)), "Topic": None} + ) + gpu_topic = gpu_BERTopic() + new_df, _ = gpu_topic.clustering_hdbscan(embeddings, old_df) + + assert len(new_df.Topic.unique()) == centers + assert "Topic" in new_df.columns diff --git a/cuBERT_topic_modelling/tests/test_mmr.py b/cuBERT_topic_modelling/tests/test_mmr.py new file mode 100644 index 0000000..169e59f --- /dev/null +++ b/cuBERT_topic_modelling/tests/test_mmr.py @@ -0,0 +1,48 @@ +from bertopic._mmr import mmr as mmr_cpu +from mmr import mmr as mmr_gpu +import numpy as np +import cupy as cp +import pytest + +@pytest.mark.parametrize("words,diversity", + [(['stars', 'star', 'starry', 'astronaut', 'astronauts'], 0), + (['stars', 'spaceship', 'nasa', 'skies', 'sky'], 1)]) +def test_mmr_model(words, diversity): + """ Test MMR + Testing both low and high diversity when selecing candidates. + In the parameters, you can see that low diversity leads to very + similar words/vectors to be selected, whereas a high diversity + leads to a selection of candidates that, albeit similar to the input + document, are less similar to each other. + """ + candidates_gpu = mmr_gpu(doc_embedding=cp.array([5, 5, 5, 5]).reshape(1, -1), + word_embeddings=cp.array([[1.0, 1.0, 2.0, 2.0], + [1.0, 2.0, 4.0, 7.0], + [4.0, 4.0, 4.0, 4.0], + [4.0, 4.0, 4.0, 4.0], + [4.0, 4.0, 4.0, 4.0], + [1.0, 1.0, 9.0, 3.0], + [5.0, 3.0, 5.0, 8.0], + [6.0, 6.0, 6.0, 6.0], + [6.0, 6.0, 6.0, 6.0], + [5.0, 8.0, 7.0, 2.0]]), + words=['space', 'nasa', 'stars', 'star', 'starry', 'spaceship', + 'sky', 'astronaut', 'astronauts', 'skies'], + diversity=diversity) + + candidates_cpu = mmr_cpu(doc_embedding=np.array([5, 5, 5, 5]).reshape(1, -1), + word_embeddings=np.array([[1.0, 1.0, 2.0, 2.0], + [1.0, 2.0, 4.0, 7.0], + [4.0, 4.0, 4.0, 4.0], + [4.0, 4.0, 4.0, 4.0], + [4.0, 4.0, 4.0, 4.0], + [1.0, 1.0, 9.0, 3.0], + [5.0, 3.0, 5.0, 8.0], + [6.0, 6.0, 6.0, 6.0], + [6.0, 6.0, 6.0, 6.0], + [5.0, 8.0, 7.0, 2.0]]), + words=['space', 'nasa', 'stars', 'star', 'starry', 'spaceship', + 'sky', 'astronaut', 'astronauts', 'skies'], + diversity=diversity) + + assert candidates_gpu == words == candidates_cpu diff --git a/cuBERT_topic_modelling/tests/test_subwordtokenizer.py b/cuBERT_topic_modelling/tests/test_subwordtokenizer.py new file mode 100644 index 0000000..8dd9d03 --- /dev/null +++ b/cuBERT_topic_modelling/tests/test_subwordtokenizer.py @@ -0,0 +1,163 @@ +from transformers import AutoTokenizer, AutoModel +import torch +import numpy as np +import cupy as cp +from sklearn.datasets import fetch_20newsgroups +import cudf +import pytest +from embedding_extraction import mean_pooling, create_embeddings +from cudf.core.subword_tokenizer import SubwordTokenizer +from torch.utils.dlpack import to_dlpack, from_dlpack + + +device = torch.device("cuda:0" if torch.cuda.is_available() else "cpu") + +def fix_padding(tnsr): + """Function to fix padding on a torch.Tensor object + + Args: + tnsr ([torch.Tensor]): Tensor representing input_ids, + attention_mask + + Returns: + [torch.Tensor]: trimmed stack of Tensor objects + """ + + # Remove all the padding from the end + trimmed_collections = list() + max_arr_length = -1 + dx = to_dlpack(tnsr) + embeddings_collecton = cp.fromDlpack(dx) + for embeddings in embeddings_collecton: + trimmed = cp.trim_zeros(embeddings, trim='b') + max_arr_length = max(max_arr_length, len(trimmed)) + trimmed_collections.append(trimmed) + + first_arr_stack = cp.pad( + trimmed_collections[0], + (0, max_arr_length-len(trimmed_collections[0])), + 'constant') + + # Add the required padding back + for a in range(1, len(trimmed_collections)): + padded = cp.pad( + trimmed_collections[a], + (0, max_arr_length-len(trimmed_collections[a])), + 'constant') + first_arr_stack = cp.vstack([first_arr_stack, padded]) + # Convert it back to a PyTorch tensor. + tx2 = from_dlpack(first_arr_stack.toDlpack()) + + # Taking care of case where we have only one sentence + # Then, we need to reshape to get the right dimensions + # since in the other cases cp.vstack handles that. + + if len(tx2.shape) == 1: + dim = tx2.shape[0] + tx2 = torch.reshape(tx2, (1, dim)) + + return tx2 + +# Sentences we want sentence embeddings for +@pytest.fixture +def input_sentences_fixture(): + sentences = fetch_20newsgroups(subset="all")["data"] + return sentences + + +def run_embedding_creation_transformers(sentences): + # Load AutoModel from huggingface model repository + tokenizer = AutoTokenizer.from_pretrained( + "sentence-transformers/all-MiniLM-L6-v2" + ) + + # Tokenize sentences + encoded_input = tokenizer( + sentences, + padding=True, + truncation=True, + max_length=128, + return_tensors="pt" + ) + + model = AutoModel.from_pretrained( + "sentence-transformers/all-MiniLM-L6-v2" + ) + + # Compute token embeddings + with torch.no_grad(): + model_output = model(**encoded_input) + + # Perform pooling. In this case, mean pooling + sentence_embeddings = mean_pooling( + model_output, + encoded_input["attention_mask"] + ) + + return sentence_embeddings + +@pytest.mark.xfail( + reason="sentence number 11927 is being encoded different in \ + AutoTokenizer and cuDF's SubwordTokenizer", + strict=True) +def test_custom_tokenizer(input_sentences_fixture): + sentence_embeddings_gpu = create_embeddings( + cudf.Series(input_sentences_fixture) + ) + sentence_embeddings = run_embedding_creation_transformers( + input_sentences_fixture + ) + np.testing.assert_array_almost_equal( + sentence_embeddings.to("cpu").numpy(), + sentence_embeddings_gpu.to("cpu").numpy() + ) + +@pytest.mark.xfail( + reason="sentence number 11927 is being encoded different in \ + AutoTokenizer and cuDF's SubwordTokenizer", + strict=True) +def test_encoded_input(input_sentences_fixture): + cudf_tokenizer = SubwordTokenizer( + 'vocab/voc_hash.txt', + do_lower_case=True + ) + input_sentences_fixture_cudf = cudf.Series(input_sentences_fixture) + # Tokenize sentences + encoded_input_cudf = cudf_tokenizer( + input_sentences_fixture_cudf, + max_length=128, + max_num_rows=len(input_sentences_fixture_cudf), + padding='max_length', + return_tensors='pt', + truncation=True + ) + + encoded_input_cudf['input_ids'] = fix_padding( + encoded_input_cudf['input_ids'] + ) + encoded_input_cudf['attention_mask'] = fix_padding( + encoded_input_cudf['attention_mask'] + ) + + tokenizer = AutoTokenizer.from_pretrained( + "sentence-transformers/all-MiniLM-L6-v2" + ) + + # Tokenize sentences + encoded_input = tokenizer( + input_sentences_fixture, + padding=True, + truncation=True, + max_length=128, + return_tensors="pt" + ) + + np.testing.assert_array_almost_equal( + encoded_input_cudf['attention_mask'].to('cpu').numpy(), + encoded_input['attention_mask'].numpy() + ) + np.testing.assert_array_almost_equal( + encoded_input_cudf['input_ids'].to('cpu').numpy(), + encoded_input['input_ids'].numpy() + ) + \ No newline at end of file diff --git a/cuBERT_topic_modelling/tests/test_umap_dr.py b/cuBERT_topic_modelling/tests/test_umap_dr.py new file mode 100644 index 0000000..40eb806 --- /dev/null +++ b/cuBERT_topic_modelling/tests/test_umap_dr.py @@ -0,0 +1,17 @@ +import numpy as np +import pytest +from cuBERTopic import gpu_BERTopic + +@pytest.mark.parametrize("embeddings,shape", [(np.random.rand(100, 68), 100), + (np.random.rand(1000, 5), 1000)]) +def test_umap_reduce_dimensionality(embeddings, shape): + """ Test UMAP + Testing whether the dimensionality across different shapes is + reduced to the correct shape. For now, testing the shape is sufficient + as the main goal here is to reduce the dimensionality, the quality is + tested in the full pipeline. + """ + gpu_topic = gpu_BERTopic() + umap_embeddings = gpu_topic.reduce_dimensionality(embeddings) + assert umap_embeddings.shape == (shape, 5) + \ No newline at end of file diff --git a/cuBERT_topic_modelling/utils/__init__.py b/cuBERT_topic_modelling/utils/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/cuBERT_topic_modelling/utils/sparse_matrix_utils.py b/cuBERT_topic_modelling/utils/sparse_matrix_utils.py new file mode 100644 index 0000000..44bc351 --- /dev/null +++ b/cuBERT_topic_modelling/utils/sparse_matrix_utils.py @@ -0,0 +1,37 @@ +import cupy as cp + +def top_n_idx_sparse(matrix, n): + """Return indices of top n values in each row of a sparse matrix + Retrieved from: + https://stackoverflow.com/questions/49207275/finding-the-top-n-values-in-a-row-of-a-scipy-sparse-matrix + Args: + matrix: The sparse matrix from which to get the + top n indices per row + n: The number of highest values to extract from each row + Returns: + indices: The top n indices per row + """ + top_n_idx = [] + mat_inptr_np_ar = matrix.indptr.get() + le_np = mat_inptr_np_ar[:-1] + ri_np = mat_inptr_np_ar[1:] + + for le, ri in zip(le_np, ri_np): + le = le.item() + ri = ri.item() + n_row_pick = min(n, ri - le) + top_indices_ar = matrix.indices[ + le + cp.argpartition( + matrix.data[le:ri], -n_row_pick + )[-n_row_pick:] + ] + if len(top_indices_ar) != n: + buffered_indices_ar = cp.full(shape=n, + fill_value=cp.nan, + dtype=cp.float32) + buffered_indices_ar[:len(top_indices_ar)] = top_indices_ar + top_indices_ar = buffered_indices_ar + top_n_idx.append( + top_indices_ar + ) + return cp.array(top_n_idx) diff --git a/cuBERT_topic_modelling/vectorizer/__init__.py b/cuBERT_topic_modelling/vectorizer/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/cuBERT_topic_modelling/vectorizer/vectorizer.py b/cuBERT_topic_modelling/vectorizer/vectorizer.py new file mode 100644 index 0000000..bd2e7bc --- /dev/null +++ b/cuBERT_topic_modelling/vectorizer/vectorizer.py @@ -0,0 +1,73 @@ +from cuml.feature_extraction.text import CountVectorizer +import cudf +from cuml.common.sparsefuncs import create_csr_matrix_from_count_df +import cupy as cp + + +class CountVecWrapper(CountVectorizer): + def preprocess_text_gpu(self, doc): + """ + Chain together an optional series of text preprocessing steps to + apply to a document. + Parameters + ---------- + doc: cudf.Series[str] + The string to preprocess + + Returns + ------- + doc: cudf.Series[str] + preprocessed string + """ + doc = doc.str.lower() + doc = doc.str.replace("\n", " ", regex=False) + doc = doc.str.replace("\t", " ", regex=False) + doc = doc.str.filter_characters( + {"a": "z", "0": "9", " ": " ", "A": "Z"}, True, "" + ) + + # TODO: check if its required + # sklearn by default removes tokens of + # length 1, if its remove alphanumerics + # if remove_single_token_len: + doc = doc.str.filter_tokens(2) + doc = doc.str.strip() + doc[doc == ""] = "emptydoc" + + return doc + + def fit_transform(self, docs_df): + + self._warn_for_unused_params() + self._validate_params() + topic_series = docs_df["Topic"] + topic_df = topic_series.to_frame(name="Topic_ID") + topic_df["doc_id"] = cp.arange(len(topic_df)) + + docs = self.preprocess_text_gpu(docs_df["Document"]) + n_doc = len(topic_df["Topic_ID"].unique()) + + tokenized_df = self._create_tokenized_df(docs) + self.vocabulary_ = tokenized_df["token"].unique() + + merged_count_df = ( + cudf.merge(tokenized_df, topic_df, how="left") + .sort_values("Topic_ID") + .rename({"Topic_ID": "doc_id"}, axis=1) + ) + + count_df = self._count_vocab(merged_count_df) + + # TODO: handle empty docids case later + empty_doc_ids = cp.empty(shape=0, dtype=cp.int32) + X = create_csr_matrix_from_count_df( + count_df, + empty_doc_ids, + n_doc, + len(self.vocabulary_), + dtype=self.dtype + ) + if self.binary: + X.data.fill(1) + + return X \ No newline at end of file diff --git a/cuBERT_topic_modelling/vocab/voc_hash.txt b/cuBERT_topic_modelling/vocab/voc_hash.txt new file mode 100644 index 0000000..ab39452 --- /dev/null +++ b/cuBERT_topic_modelling/vocab/voc_hash.txt @@ -0,0 +1,38159 @@ +26899 +27424 +7630 +6426333292330182147 0 +13252223380055024646 3 +5882704289435550212 9 +6321733446031528961 13 +16925858182943808517 14 +11669328216917812739 19 +5294247126811358721 22 +11791736821652368900 23 +12420164637450604549 27 +2555997454944503811 32 +5716902217424485894 35 +3184543689580575236 41 +5057972979985167363 45 +7621090240282984453 48 +10769488495697926662 53 +9891471851593553928 59 +7137545520968866306 67 +11133724959355647494 69 +14072771761498798083 75 +11229796758348255746 78 +10335113958832701958 80 +12015445961309659137 86 +5618747999027884546 87 +14804906647292574210 89 +4820165439889075714 91 +13688091397368544263 93 +16727691607537650179 100 +3488276741999727623 103 +6549592276830752260 110 +1920877547099994117 114 +16919219496588141575 119 +6305645107967263236 126 +10223610973459260418 130 +8913976733358517252 132 +15451600598594003974 136 +16252953075098561032 142 +6721179465637834757 150 +11221601620145900547 155 +13772009590059881478 158 +11952054166836464641 164 +5024105062523116039 165 +80305976747165699 172 +7258347321137746433 175 +5207745526605648903 176 +15764334474362460165 183 +7167659783529683972 188 +1781924856142903297 192 +6483003943497432579 193 +15843420529897954822 196 +10297086720389824513 202 +13131638480309452807 203 +14352357448556621316 210 +5878913600417054210 214 +15526784816636028419 216 +9091544399317599748 219 +10022285235145996291 223 +13995005730165201923 226 +14722943734524530180 229 +0 233 +5067616113376457731 233 +13951706541326466565 236 +16055548874133586438 241 +11312108457032076803 247 +18422676475813979138 250 +1900195772270680065 252 +6189523574508932610 253 +18097268793121208838 255 +9136510235514968070 261 +3104742850847008263 267 +4644272126595231237 274 +6724757887078610949 279 +12324532576228292098 284 +6523739721561729539 286 +13430833055642459654 289 +490372734232114177 295 +5384129877931583493 296 +3009088101503092225 301 +17587270521132563973 302 +2626347126168326662 307 +15657892849951852033 313 +13832155776986180100 314 +11508832331290833412 318 +0 322 +15033439199502132738 322 +7488928688653514243 324 +13289501989904265221 327 +1916212743608814595 332 +13572159745003877893 335 +15891150425892429313 340 +14702614816445038085 341 +14451868528530935812 346 +9158604817422694915 350 +12775481447328799747 353 +16765860888389768195 356 +14376615941214208003 359 +14407639808019372036 362 +17874739812136390658 366 +17301460032903022086 368 +9970593990692114950 374 +525231183980692995 380 +15059282111668474884 383 +12597221157531372034 387 +16646174973902388738 389 +9586434007749190150 391 +3598500487112312323 397 +8562759221323868675 400 +657014946814650882 403 +585072415157096962 405 +17149635587492691458 407 +4239501041255794691 409 +2294837614232733703 412 +13106328552418381314 419 +16729704481229316099 421 +17519686381941948417 424 +3191300701099235334 425 +12941508227617193478 431 +8924089997979029508 437 +2744664364572510211 441 +2934860503477699589 444 +15242371855309170693 449 +12861770492732004353 454 +1389014634696207362 455 +14599652080344680449 457 +13486132183224466949 458 +16299959455619133956 463 +1519069526753240580 467 +1139379885805544451 471 +10768203322260688386 474 +15723645256550985731 476 +15633761988199396354 479 +16190609843472863750 481 +6786231518997771785 487 +11722302046053575684 496 +9033511331096652806 500 +16250254645335457284 506 +10634726718646778374 510 +5042757800274513410 516 +8843131134449980934 518 +7966740208874774533 524 +4894881673640152069 529 +5194086939775699459 534 +9792202071600377862 537 +10260299246555381762 543 +3102685076977950725 545 +7000376853595878914 550 +15026617722066242567 552 +10737246396982961159 559 +1948082124284899845 566 +4296479271603189253 571 +7050246988387796995 576 +12722077185813590530 579 +16858426088115699206 581 +13558030456457072646 587 +8618053981767513601 593 +8215847780886550533 594 +2925642555282742276 599 +661974359082484228 603 +4241334741238706179 607 +10092915943655558659 610 +3501830659164661762 613 +17013073919837351941 615 +11804259742756750339 620 +4142743752223275524 623 +7978151955415163394 627 +12615565359506564101 629 +14876464454585095684 634 +1683529562352187393 638 +17854328842724121601 639 +2606090101283456518 640 +0 646 +3971805999688107524 646 +6990184044903104514 650 +7514097107706976260 652 +7819083612851799043 656 +0 659 +10681158656393593346 659 +2017163397138182662 661 +768423759854007810 667 +908898440134372355 669 +7657728066545506308 672 +15146652204208737796 676 +16868335992482494983 680 +16843978430984844294 687 +18224820953156894213 693 +15719079816546418182 698 +5182770065360449541 704 +10900133776105949701 709 +14489431106924190213 714 +12370659184540575234 719 +7855124676665453061 721 +13222429099415022084 726 +867175602403893768 730 +16273231913943438339 738 +15759862269188520967 741 +7316128005750152707 748 +3035714763895333893 751 +5857790669120156674 756 +14011774454504369669 758 +7150973472529000964 763 +4673859569883164680 767 +12540355432246249987 775 +9717897176823090180 778 +2802226780594827271 782 +10576358356085021187 789 +13767557471536629252 792 +16320412434965818883 796 +14762159427532951045 799 +16615354009400996358 804 +13970381756506479618 810 +16781073946586622979 812 +7486783686975095811 815 +6078509027189458438 818 +3995303291068676099 824 +5479341439007691265 827 +446712389216697350 828 +16790735987035044355 834 +8921995217103058947 837 +1481170722727642116 840 +14299676522694716930 844 +2659981631401145857 846 +13207282269231305733 847 +12784214327203599363 852 +14326295248763372034 855 +6339319578237866499 857 +0 860 +12608466626091520005 860 +14859295773684641797 865 +11898197604931535874 870 +2229480581224846341 872 +5846738288335559174 877 +9725370168135339013 883 +15822781396954880007 888 +16811330747884838914 895 +17716322139895515651 897 +16464837151699347971 900 +3786904978463195140 903 +6410868577687720962 907 +2778812527153592838 909 +14693577102320505861 915 +1350861333873981444 920 +2814380518294236165 924 +12829930200630042627 929 +16628991282708512775 932 +12947026021130878467 939 +16097076187590628356 942 +15148070465872583689 946 +11108167369127673859 955 +3206892489716334085 958 +4539052088705190402 963 +1426834792105161221 965 +13477573437192034817 970 +515343112894934022 971 +5527450208917667332 977 +3496168618997501445 981 +2587910293229783553 986 +11073941369356080131 987 +8923292641230539781 990 +15568167072161299972 995 +16069902683897020420 999 +5007337386159242756 1003 +567322683033477635 1007 +4620543624975929863 1010 +15593294563512581124 1017 +10575605843301480966 1021 +13218611825122892802 1027 +12248496335302962181 1029 +3127864814801170434 1034 +16555666137680971782 1036 +13548718596655177220 1042 +7241193476337120258 1046 +5110772946702749698 1048 +4244854883984040454 1050 +10674166251929068553 1056 +7335410226609437186 1065 +3593013801595140611 1067 +3818743414064890369 1070 +6620653714823195652 1071 +6442170192171499013 1075 +466109424591569921 1080 +10640132951210823171 1081 +16849933183647582210 1084 +1390321302705893892 1086 +10233112304825031684 1090 +15654649187699535876 1094 +4149883982434627074 1098 +1533240967468427272 1100 +3966583984096898052 1108 +17942961652983470085 1112 +1270386354528913414 1117 +17079196523309549571 1123 +9760225674290530819 1126 +14059923870329421318 1129 +9155784716932255750 1135 +8869311198037689346 1141 +1056488718559348227 1143 +1213655809798914049 1146 +7899482766013468674 1147 +12288330156834369027 1149 +17748915623984675334 1152 +4374709304243351044 1158 +2767416676479964678 1162 +2589438947070202886 1168 +15587532835225317891 1174 +16281377795876531208 1177 +10416705134548249604 1185 +12313420780782854148 1189 +17660949463316398595 1193 +10832246261242997762 1196 +12629844666459314181 1198 +12857120880602286601 1203 +3028018613016745991 1212 +9528731255267963397 1219 +1879818258756829699 1224 +0 1227 +5431566929998911490 1227 +159439414612021252 1229 +13751851540102480901 1233 +11944466234328987142 1238 +10214833293063919107 1244 +3887693229018076166 1247 +15693692989774743557 1253 +17014193421416272900 1258 +2699633620722988549 1262 +5464437081641040900 1267 +6858703281250086918 1271 +15036555272160027651 1277 +8088003436408750085 1280 +11442555094569039873 1285 +12083357448873049604 1286 +14976866298017031682 1290 +12269039782296515587 1292 +2508430774663352325 1295 +8686432348604624388 1300 +5864749039411210246 1304 +15976948363161951746 1310 +4320021043786085382 1312 +8284330964861030919 1318 +13259654221051933699 1325 +17875972966501618181 1328 +2152571483841142790 1333 +6451519314511286276 1339 +6636526145072509444 1343 +14224839268501422601 1347 +2282597859443765252 1356 +9897934235283808258 1360 +11582194532885413891 1362 +4651481000249861123 1365 +3047659846477762565 1368 +10028568668399206406 1373 +12182931768673030659 1379 +1272797966832687109 1382 +15089356557931155975 1387 +727550366928133639 1394 +2554565515632464389 1401 +6018569371908769799 1406 +17842510414265811971 1413 +16250926204388772866 1416 +14440589335679961091 1418 +6855191469470948354 1421 +11832172336751508484 1423 +8862885948920285700 1427 +15819509080143538693 1431 +8923041754180962308 1436 +17241341699581580292 1440 +5203495341390798346 1444 +12400271948800936451 1454 +11279630064092023303 1457 +13193209893360081923 1464 +11203636975167751169 1467 +8003285106610345478 1468 +17667331114443752450 1474 +11972552597492848129 1476 +3110471011889501701 1477 +8075002536871550983 1482 +10969144201515075593 1489 +6765947162456009730 1498 +101688012168008711 1500 +3201380800712878597 1507 +18399050926384111113 1512 +16114864375189894147 1521 +9109310046762871811 1524 +3051915264036293123 1527 +11682241693401750022 1530 +2005348892863232514 1536 +18327273322054661 1538 +13751358064078701571 1543 +7815526944222482945 1546 +13039441235033142276 1547 +5067771148519478788 1551 +749260804632562693 1555 +9237737302805535236 1560 +9083203852933248514 1564 +8812721389971588101 1566 +8195949045747636742 1571 +9392435333497381380 1577 +17398353046914968580 1581 +15036378874633344514 1585 +8746181497070320131 1587 +4459539803873305096 1590 +12577494977199187461 1598 +4382666372083072520 1603 +3280719655021828101 1611 +4919275069972367366 1616 +11821310318612980232 1622 +8005555409001143813 1630 +12774245900612643332 1635 +7047859414521072644 1639 +16668202696522705411 1643 +8175997675260104196 1646 +15942058204444742661 1650 +14143271563385835522 1655 +7239104608150400002 1657 +4560489085061611526 1659 +6280536257690364419 1665 +16709623649144075269 1668 +6427332975643309570 1673 +11044101972524148741 1675 +12088102694654329857 1680 +4646951769725483525 1681 +7410759969433814021 1686 +17276822231988747778 1691 +2492484270882126856 1693 +3801823939177880068 1701 +221632636473062402 1705 +18053964916833802245 1707 +4056945733879777284 1712 +4421227014276165124 1716 +9867348206812785666 1720 +4807713101607659521 1722 +14699140115844216836 1723 +8078559737715617286 1727 +15735963478506342402 1733 +11756773399572305411 1735 +17110141827238231045 1738 +12953650364988399622 1743 +4491924571036606467 1749 +5396770535170365955 1752 +11193801764277815298 1755 +2589981738189681666 1757 +18431505823793643527 1759 +17743110746999235589 1766 +8677259333219075589 1771 +16340463414729404419 1776 +7257136655931194885 1779 +4472652040470576135 1784 +9363434809536914948 1791 +4332117071421900289 1795 +3143661989830900738 1796 +6708422027633293829 1798 +10565283271475392002 1803 +129394441281844739 1805 +2483490487411335169 1808 +12489677496978255878 1809 +5876131255345591300 1815 +18297641325726654978 1819 +4531243625021207046 1821 +1635260936383946756 1827 +11158325349069639687 1831 +4681402755756305923 1838 +12988344078407895556 1841 +7297462097538480131 1845 +684220432921229831 1848 +4142421143323227138 1855 +3272541225877128707 1857 +6528287690517290499 1860 +14534922689356315139 1863 +13954229503288240129 1866 +594389941800882690 1867 +240608957487626759 1869 +4670172616454630916 1876 +673923161847241218 1880 +10812535589892757507 1882 +12305183442511034372 1885 +16570523454599393284 1889 +14779987674320399876 1893 +14733330936736168452 1897 +15701301882780828164 1901 +13387698460960232969 1905 +16549827179501895684 1914 +16567284047029524997 1918 +6706936000812835847 1923 +10080883488432287234 1930 +12757036929000257028 1932 +1963962998123956742 1936 +2884572637564067334 1942 +15154987921734125059 1948 +16679408950232128004 1951 +1631757205957266945 1955 +14048121108876636675 1956 +4179539938369312259 1959 +4062549966120024071 1962 +4416860969221262338 1969 +12676363119812776963 1971 +15955662244151492611 1974 +4293953195579395587 1977 +2674001442605617674 1980 +8714878569108409349 1990 +15688651380501473794 1995 +4651195213970127362 1997 +15687195046097879045 1999 +10571267148295818755 2004 +18303570670697134594 2007 +5400532523045021189 2009 +5292135109118648325 2014 +1182887885429832705 2019 +2816716235090490371 2020 +9667066222839993859 2023 +8133340692439111685 2026 +5556894116812473858 2031 +10185084917225741315 2033 +1394825332357395459 2036 +1501604756314255365 2039 +1822866575613727750 2044 +13129179454169246215 2050 +4777123420496750594 2057 +13541010411943408643 2059 +2536575277995444229 2062 +15209073480087155719 2067 +6297655052913674245 2074 +10838741769150910978 2079 +13128743511326829066 2081 +16270488170221972999 2091 +6103317769293671939 2098 +14724451152311626756 2101 +7588213090223201794 2105 +18260746792928738306 2107 +14870829166659442182 2109 +6191818920231044098 2115 +14302022909615755270 2117 +6389252376897630728 2123 +14108480610565901827 2131 +17406712424018496001 2134 +3516583785684381698 2135 +3958106226617587715 2137 +3131584494079410693 2140 +4545044857015051268 2145 +770751167187638278 2149 +3023883610335126535 2155 +14885300700287925764 2162 +2132364466252832259 2166 +13222839489696433159 2169 +13208087868677074947 2176 +7338224996863848456 2179 +4468617446590723585 2187 +997164968732877314 2188 +7061146599067994626 2190 +14262443374421270018 2192 +9798893984939276295 2194 +9974572998445361153 2201 +4938098233158201860 2202 +16137774098575803396 2206 +8195768834704349698 2210 +771771027633210375 2212 +12365697972121405446 2219 +14282909170851132932 2225 +5326055097454662148 2229 +7381708680070147590 2233 +8937079261918675974 2239 +9420515725593300995 2245 +2641708104930865154 2248 +6420503186041208324 2250 +15769870327827568643 2254 +2782702211549438981 2257 +3393483206417815041 2262 +11610508459402009604 2263 +5800886563505937412 2267 +13596084878130674690 2271 +5260436378280988675 2273 +12705431953132085251 2276 +0 2279 +13705354589131200514 2279 +12778157200571917318 2281 +1914054198314532873 2287 +7264484455943856644 2296 +7164320967138175494 2300 +9074432163785500673 2306 +4496077812229171714 2307 +2921568697558924802 2309 +996506176798027781 2311 +9906247659718389762 2316 +18169855044293443075 2318 +12345390066536357893 2321 +17407381569639854599 2326 +318172619929459717 2333 +1421914787884342789 2338 +5669642289975079942 2343 +11453317155401127425 2349 +2223846582166448131 2350 +4746375431328524806 2353 +5073554277806979587 2359 +13425372529937893379 2362 +9583781359185620488 2365 +10957843772458450436 2373 +8650840443260095491 2377 +13124893756819419141 2380 +13021478960627926018 2385 +3147967660765405185 2387 +15485525601980818435 2388 +44617068728058883 2391 +9710250365947829254 2394 +5807682346348688900 2400 +6097839351096822789 2404 +4606003429894801413 2409 +13660466851733510659 2414 +11593659950924606980 2417 +4002154502295369731 2421 +1483934997030608899 2424 +1859582975833406979 2427 +10408179330505932293 2430 +10669827413055292417 2435 +18319140996776879619 2436 +4248800956988530178 2439 +13034710302652515330 2441 +17567170204152826882 2443 +6808321686469623299 2445 +0 2448 +5278230511099922948 2448 +0 2452 +3677386695877724163 2452 +15549552635287260163 2455 +3469683568807416837 2458 +2111641668923883522 2463 +11597509174240182790 2465 +17643417438962207748 2471 +1577800293959222275 2475 +3162480519718763013 2478 +13294740916254901250 2483 +1144270971717391363 2485 +18430194644964964354 2488 +2668093099027896321 2490 +9046491373366563334 2491 +9262170908936343555 2497 +14032729045064903683 2500 +4328258586841039362 2503 +9899817333988754434 2505 +11737440461396683271 2507 +310843349481358852 2514 +11436606379057555970 2518 +6475585618246676483 2520 +14211971945354923526 2523 +4800640263811384324 2529 +9208829891802484738 2533 +4749131371354527237 2535 +3878074741560406530 2540 +12320937426892220418 2542 +2403196546377150978 2544 +9612557625555031556 2546 +18375163939875341830 2550 +16728404996714006020 2556 +5595286118468500997 2560 +18310405305170792965 2565 +629720284662393859 2570 +7503195655604273158 2573 +5417432473131819523 2579 +6022351632963833353 2582 +10916777256257149447 2591 +16188254296793619976 2598 +12093473217692668935 2606 +47317406728581635 2613 +9246347702533580805 2616 +8481399952943458307 2621 +7662114992065801219 2624 +7916220850056535556 2627 +415760815290034178 2631 +10489087158983186945 2633 +6667599939280436227 2634 +13903585792683480069 2637 +3622528046861575172 2642 +1779761605919459841 2646 +5239265943237394434 2647 +7303184090149576194 2649 +5674897490957434882 2651 +18142505388502786563 2653 +1785520512066530820 2656 +17163573402472637447 2660 +8577953251087588357 2667 +2627199488914604039 2672 +9667659542900979204 2679 +1832544118120496643 2683 +11968223897681778697 2686 +6988139244023185926 2695 +10651557630955715587 2701 +627887148235765250 2704 +8294632043675624965 2706 +11323385820045546498 2711 +10837924186251084809 2713 +4375877852682798086 2722 +2222260781610711045 2728 +3653460420585890305 2733 +1052808742534564355 2734 +18107901428420213252 2737 +17761634308715357700 2741 +7005371189337602562 2745 +1494197173987885060 2747 +12149989573599746567 2751 +2046851030016993286 2758 +7314186342491059716 2764 +4090920723329870341 2768 +8824342285732235267 2773 +18446628766570103810 2776 +12991720394130304515 2778 +14826244211091149322 2781 +11169916046146884100 2791 +14638360680200871941 2795 +3319502201252583428 2800 +11847779787912283137 2804 +5834933662075077636 2805 +15424377650738226178 2809 +154049585915194371 2811 +7770978261391877121 2814 +6508287593618445316 2815 +2600306311043968516 2819 +14779543465517041671 2823 +3553262932008185860 2830 +1852774153035668996 2834 +11483905303460638724 2838 +13032812395431478277 2842 +11867551461205322243 2847 +15115461448934821380 2850 +8719349022002446339 2854 +13078729396456143879 2857 +16568711797883062281 2864 +4656892212568932870 2873 +3925069196148849155 2879 +0 2882 +11680500104321768451 2882 +17761361328849491459 2885 +15233921209171901441 2888 +16069382143996981252 2889 +12050468555568716805 2893 +6024355602014591494 2898 +15491466897308690438 2904 +3730176295718835205 2910 +12376687257944105474 2915 +9199118225089480199 2917 +1764631027158157826 2924 +13992599390357687299 2926 +16939056635673017867 2929 +11688170558552786434 2940 +8821664725810768900 2942 +17833012978199031810 2946 +6260783109092551172 2948 +1935755268811563011 2952 +6487241970571092996 2955 +283570535225211397 2959 +13648562854737182210 2964 +4664117887276527107 2966 +763688552293346306 2969 +6529688254448506372 2971 +15260351245921271300 2975 +1916136007698191875 2979 +1834539794913890823 2982 +2775787526037635587 2989 +11763156005768688642 2992 +1092594911140729858 2994 +0 2996 +4419531433215944707 2996 +6999999411324338180 2999 +11785242270931846661 3003 +10591978301636015624 3008 +11497987661675870725 3016 +9182554279521832454 3021 +15406715476570607617 3027 +13160929778437461506 3028 +9754980285916780037 3030 +10200263878180932102 3035 +322630679578759171 3041 +15576094613065650692 3044 +10766888572163741187 3048 +6047917970983132674 3051 +1894686728382424581 3053 +14598421592591588359 3058 +1723859045088450562 3065 +12612041931850626052 3067 +6135872693603599875 3071 +4292180497288309257 3074 +16734665470813511172 3083 +7350343365128422915 3087 +1912069528403782665 3090 +14382599270810462724 3099 +3316943244493763588 3103 +9879725097601193474 3107 +16995234703431184388 3109 +10533418679905509893 3113 +15083437418034798595 3118 +13908773068790545409 3121 +3714724982487627267 3122 +17400398487743184395 3125 +15012573759800968707 3136 +18302577637635149314 3139 +4329155602927417859 3141 +4955580105976204802 3144 +1961555922128841732 3146 +10128733761518848520 3150 +2640272647949941770 3158 +7754490195698865159 3168 +12142796706451631113 3175 +17365815208319973895 3184 +16557627206115633153 3191 +15078370093569871875 3192 +10349687794154673158 3195 +3473694961957886465 3201 +8710893672956366854 3202 +14068106218459046401 3208 +15092816646992609283 3209 +7317603117343176708 3212 +9653231067328341509 3216 +11053152134343642627 3221 +16249256179505227777 3224 +15180991765724747780 3225 +9340196072791032325 3229 +15943985937385251331 3234 +18049281030150509573 3237 +5389007214454359555 3242 +10879349353452615169 3245 +1505686887629765123 3246 +10340600516380348420 3249 +10073894039732477444 3253 +5442371936614095364 3257 +18341777471877901827 3261 +3646376112127875588 3264 +9475935681098023939 3268 +16403851393883869698 3271 +16369925399260153861 3273 +14673087273347416580 3278 +3062172708593815557 3282 +389919502164015617 3287 +15592707824227780612 3288 +10923576449159220225 3292 +16070256542987941893 3293 +10780641687743110151 3298 +14938258687229143555 3305 +9228629380951022597 3308 +3849544379965376004 3313 +5133414704145266177 3317 +7759615546425464836 3318 +4940041363170901505 3322 +9746677496288287239 3323 +14912819796131354625 3330 +13906931667087923716 3331 +1635028704095392258 3335 +4469285243829704706 3337 +16891540149900304386 3339 +12024584009331378693 3341 +18033958275920774147 3346 +14704552965566002181 3349 +9556244076012807172 3354 +13849836578991994371 3358 +5004058306996156931 3361 +9104317561427680772 3364 +5186152924099834370 3368 +11675086100193149444 3370 +8358271005386669057 3374 +8180494178676660739 3375 +5763987501538169349 3378 +14487340952012793860 3383 +0 3387 +7864696194149062658 3387 +12054240220681461763 3389 +0 3392 +283190023925736451 3392 +3509006534716876803 3395 +14668534603743471107 3398 +13990589627805763591 3401 +15848617010751021060 3408 +9826309121836393481 3412 +740685001787511812 3421 +9020119639965696002 3425 +14559936198493758469 3427 +12085834785965779458 3432 +16223004963757116422 3434 +2896514598307802117 3440 +17485471932545959428 3445 +15554868036584886276 3449 +4577536831892964359 3453 +1996600253900945921 3460 +7340514101386013700 3461 +10947483546159474690 3465 +6388534167866258435 3467 +10487540096866119686 3470 +15906422802762378753 3476 +13312166502282736644 3477 +9934255612740007430 3481 +16483913253293223945 3487 +5018822790659920898 3496 +13500972563624937476 3498 +12254103507180446726 3502 +337741848304440326 3508 +6758048624305141254 3514 +9927511494523491331 3520 +15040540160901096451 3523 +1021276059161230852 3526 +11597724480431874563 3530 +12004663100591411207 3533 +13902508431327814660 3540 +14497969858828110341 3544 +11493838376263182340 3549 +360244801365123589 3553 +9638713627733150721 3558 +711367871437108227 3559 +4386934598798141955 3562 +17140314548338275334 3565 +1365620891741941250 3571 +1488555826583759364 3573 +2912707432155244545 3577 +7832891877743352835 3578 +1897549891850825222 3581 +15749212009931314179 3587 +13421432881930445316 3590 +6479924671423850501 3594 +10703787529672778753 3599 +8755134092082433542 3600 +12275839735171805699 3606 +6339245450180982788 3609 +7912328405461966341 3613 +7240106046638025731 3618 +1756445717121376773 3621 +14382066537379517955 3626 +5866756650218347011 3629 +16272974087764784130 3632 +15761227767769414658 3634 +18416191208487439875 3636 +6907951459458727428 3639 +9809719231558661124 3643 +4507781411365709320 3647 +5884824860548742149 3655 +5437654195267052547 3660 +11222029271970864132 3663 +2994118918064883204 3667 +7969121812144744451 3671 +3138483343029123079 3674 +11692225531691234308 3681 +7005452876943918596 3685 +16540574446475148804 3689 +3142162595591230469 3693 +1562164105758214661 3698 +3289141220579056646 3703 +7235116973696399877 3709 +3290493685631181313 3714 +12052305452970666500 3715 +3659238132420018693 3719 +15413495749815386630 3724 +1349095549098498052 3730 +8600548848988295174 3734 +15278270405312088582 3740 +1677400654815390213 3746 +6944335799113370630 3751 +0 3757 +15054286073958269445 3757 +11524636819290913285 3762 +15672162207595698690 3767 +8738610060644560902 3769 +7413040162646408193 3775 +18169133436962543108 3776 +7221095417669340676 3780 +17150964708707287047 3784 +2614675755652403715 3791 +9768698864568413701 3794 +14233993616792698892 3799 +6872602506735524865 3811 +6837388664089203716 3812 +3698581321878713346 3816 +4659349311818858497 3818 +17337682331567989762 3819 +16786057931923565061 3821 +15744010785347485188 3826 +17295878380493810694 3830 +17845268661399945219 3836 +5827961355851241476 3839 +286776277701673478 3843 +4548722048270233606 3849 +14099405731913605125 3855 +4486295400879519751 3860 +12125867873199726595 3867 +18368077667072941574 3870 +5404293715565427715 3876 +12712115191201926150 3879 +6370598154474989571 3885 +4454743306504356867 3888 +13377479517289350149 3891 +15569481732652311555 3896 +14914575288330051075 3899 +12403912194723859462 3902 +11054836060260009986 3908 +8604233756927308292 3910 +17242531502026106375 3914 +1149772682929973251 3921 +1217846090326586885 3924 +4546442457392422913 3929 +17334766631755119618 3930 +292723405812293636 3932 +17627346709014329860 3936 +6078798662781175811 3940 +1900486643026391556 3943 +17474410257010896899 3947 +4978279717022715907 3950 +2778804921868839946 3953 +12000523230353385475 3963 +8890314515408882692 3966 +0 3970 +9676104834068817410 3970 +4098531628311187971 3972 +6989464886060309507 3975 +5049881779852020742 3978 +102597086695403011 3984 +9823964299513355780 3987 +14121828454496397829 3991 +17190852492614386179 3996 +4972710749072260612 3999 +4001749314797208579 4003 +13952444231209003010 4006 +16744358854815422466 4008 +8127795608347987972 4010 +114465556713981957 4014 +173339742608088577 4019 +6895862388187978244 4020 +603085984539084292 4024 +120107848305920002 4028 +10203785738636978183 4030 +12859608392929218051 4037 +4007942168105979395 4040 +2080492427033352196 4043 +7487698026088968198 4047 +14189794947817753090 4053 +2463630231055130117 4055 +11299510633267305985 4060 +14498728498471478276 4061 +9644588103370248708 4065 +11383355991577462786 4069 +4955493569336260614 4071 +0 4077 +1386234221983514628 4077 +1313369149250561541 4081 +903417014033398275 4086 +18189294875174938630 4089 +14469081760594239489 4095 +14159721903847057924 4096 +8017668332460509700 4100 +9241091263019633157 4104 +14601417607438779401 4109 +4584753168917870083 4118 +13978513523888848901 4121 +6344964491667831810 4126 +4588589911319176707 4128 +5860716946637224964 4131 +12059110109759764485 4135 +12813440898584409609 4140 +18247199889102181382 4149 +8906041867110866951 4155 +7391199117316453382 4162 +5819695506119986179 4168 +11242430695704829955 4171 +5649991510954437634 4174 +3398000528478559748 4176 +6367076320882708483 4180 +9328033184155698180 4183 +11271628511372963843 4187 +3704184971276909058 4190 +0 4192 +4153125824480143364 4192 +6502891621489681411 4196 +18414583200230078978 4199 +15881153597748490247 4201 +2036463440719857671 4208 +7208139455456300037 4215 +2867506792755729922 4220 +18392421146886582275 4222 +8221592382213352963 4225 +12018189404696638981 4228 +7605691703196937733 4233 +15156478285531593225 4238 +11983919901023261191 4247 +10980613162705801729 4254 +2793490740434315779 4255 +10258211111447649796 4258 +14244682075808242695 4262 +13278441471654787073 4269 +9073603025245464579 4270 +9138893508497365505 4273 +6486985510963558404 4274 +12815880629689744900 4278 +5840323547707326980 4282 +17992795154578300420 4286 +7188473488524673032 4290 +9650968119635816451 4298 +4862271432814542343 4301 +5126107698902858243 4308 +7753783516621211649 4311 +12251600056609917956 4312 +17892135216945785858 4316 +6310762958294091782 4318 +13863474843302129155 4324 +18135142749797092353 4327 +12380267938094728197 4328 +11467224734294974979 4333 +8724492701163999241 4336 +11581645889938107907 4345 +11788236419570379268 4348 +3995949497611986946 4352 +8344647901675014662 4354 +3617654648872888839 4360 +9087024072302936066 4367 +1800378642650781190 4369 +9079738279259191813 4375 +13904115371457856513 4380 +261024299316808201 4381 +6807698220004493828 4390 +16814045920408801285 4394 +7157102378104297479 4399 +18104850462136691714 4406 +768849636123705348 4408 +9530547917449168899 4412 +8006031543689535491 4415 +15030390865382250499 4418 +12373636984579679749 4421 +1893622243060931073 4426 +4091226656007699461 4427 +14231006341134665221 4432 +13125723803503531011 4437 +5966445804241068549 4440 +5041665953313495555 4445 +17789230849104615427 4448 +13718242196369421316 4451 +16239009855252881923 4455 +16927630575072344578 4458 +12730681039021790212 4460 +1694086382663150087 4464 +8718947912264086022 4471 +15238765179459311106 4477 +13978635316283488771 4479 +9856725068038263810 4482 +525841275698420740 4484 +16842982667216409601 4488 +4122500787496121857 4489 +13968246106678019592 4490 +13204564752268439556 4498 +1419479380120821252 4502 +2397465678843210244 4506 +16715502490113064964 4510 +14499648931261173252 4514 +6341573778923413509 4518 +16841392495652978689 4523 +12514195279220885507 4524 +9666258766835377668 4527 +2778875136515090948 4531 +0 4535 +18426782210587359237 4535 +12865361501428254213 4540 +10787394843155564549 4545 +2776295318639177219 4550 +8046973542669627906 4553 +18148260717468975620 4555 +1613488781452134918 4559 +8172336265264118279 4565 +17081693052561732612 4572 +16237950501236291073 4576 +8392391541408918533 4577 +8931251968786072069 4582 +8542921764885180418 4587 +9470472619498433538 4589 +901981222024827907 4591 +13131735431846831618 4594 +3882698256558264323 4596 +16404857401699193349 4599 +12380711598182476803 4604 +16186094456309680133 4607 +16432157998205992456 4612 +9920279823765799942 4620 +12616339481945114628 4626 +16822073161273746952 4630 +8594628600633212934 4638 +10817981044110655493 4644 +9844067372586569730 4649 +5128619234025570819 4651 +15167263260635504134 4654 +17952770567353131010 4660 +5118658223100390919 4662 +6228982503626095618 4669 +5642645332788020738 4671 +16107075109405794822 4673 +12284278769481421832 4679 +10377642547921984007 4687 +16601205450508455428 4694 +11666559143093560836 4698 +6407720774733313541 4702 +963774440512014339 4707 +4809475079850445826 4710 +9278447537509804548 4712 +17185862654551844360 4716 +9695553342098799112 4724 +8558692834989271045 4732 +962614543754489857 4737 +1553547621533507587 4738 +15153434212400534020 4741 +5116223975712918529 4745 +5111998655194025987 4746 +313103636819528194 4749 +5438592096772435459 4751 +10365510470175536137 4754 +6855715012782022150 4763 +3024538069580642817 4769 +16742472429918296068 4770 +12924517346973836294 4774 +3790806697175738884 4780 +18190189947825416712 4784 +8360884705460588554 4792 +11909780455200489989 4802 +11810343054191529987 4807 +15647869496036295169 4810 +412513398407304706 4811 +14686898002615878149 4813 +8598809720465421831 4818 +5189486371465472516 4825 +110260787871520771 4829 +13841516343411743749 4832 +10724255663284537857 4837 +5565631291506091523 4838 +18353555657030256132 4841 +15875447860016275458 4845 +8112003905901105155 4847 +8602718403900114946 4850 +117938027648666626 4852 +2893031913239209478 4854 +5019069760620149251 4860 +97583475437288966 4863 +5873749336924261379 4869 +12504998215144778241 4872 +1353827736622123011 4873 +1898410496741122563 4876 +13693373082111156226 4879 +18082132870069740547 4881 +1292057951019413000 4884 +6258876973340135428 4892 +16489169363829590019 4896 +15701633618762358787 4899 +13914488111521333761 4902 +12254871447098775558 4903 +14248690267109428228 4909 +12860529305362561541 4913 +14194242342154704385 4918 +16977163971733436929 4919 +3228522401353127939 4920 +2295154976383171590 4923 +16547003079054213634 4929 +4417789032435081223 4931 +4422876523688351747 4938 +0 4941 +3659489065466387457 4941 +1619784172289923079 4942 +8600895513152529924 4949 +1050842731609221123 4953 +11757008717921296899 4956 +14329248075633414146 4959 +14232133858655999490 4961 +8704709083004931592 4963 +18207045956333526019 4971 +5185988650714720259 4974 +13529628275274809858 4977 +10804496958327835141 4979 +7689973652510374916 4984 +11396101863003103234 4988 +17212217018245174275 4990 +6070381292664791045 4993 +15533634368139501570 4998 +17048527158831456771 5000 +1203920733977408516 5003 +695676800520161281 5007 +1406754003237844481 5008 +15691984313433400836 5009 +14531064384758914564 5013 +10837711611202277894 5017 +2926318809112930308 5023 +10159648870316367875 5027 +11566858212599568897 5030 +7059031027951755778 5031 +2984813724380697603 5033 +12009720736085212676 5036 +18211055476826914307 5040 +13061251952142904837 5043 +10757239089315382277 5048 +1462228017357395972 5053 +15640187074420677637 5057 +17088040301524619269 5062 +18114271904559916039 5067 +13823859947033415171 5074 +581999688325783046 5077 +15683367384740512769 5083 +208600152442375 5084 +1201580173890709000 5091 +12606361960832576517 5099 +0 5104 +8931089376684759558 5104 +3271554781083604995 5110 +7460494964945523205 5113 +2722625589600949766 5118 +1616995124194589189 5124 +11902711955062972422 5129 +1274063952699499010 5135 +16068633877522474499 5137 +15848929144037489674 5140 +7831541368361469956 5150 +658033048571530760 5154 +13929320007107549190 5162 +3115679009332886532 5168 +9736649464720172549 5172 +5267106433225081858 5177 +10111685724913617923 5179 +15622744730783467009 5182 +7254573118100577799 5183 +10850366468018628099 5190 +14193639490077596162 5193 +10501888748841043979 5195 +9464245848449792517 5206 +6272015894781725190 5211 +11516991521632351236 5217 +2352503424039588353 5221 +1535688922562094086 5222 +15705088852360739845 5228 +0 5233 +0 5233 +12195783308574042121 5233 +14597108197861441539 5242 +404717223097170434 5245 +9692591235625892356 5247 +11510479571637602821 5251 +4296993212271759365 5256 +14899258104987170310 5261 +4219665005023814661 5267 +17973894738755630086 5272 +5044183081588426243 5278 +5783508372603312135 5281 +15045380620683811841 5288 +0 5289 +15695460375845349891 5289 +10539286585069022724 5292 +16452718323718307330 5296 +1942973717378892803 5298 +3754588608122333699 5301 +9875838348526828038 5304 +2857419695636180485 5310 +10341338127425019393 5315 +13794742222441277955 5316 +11481845902083343364 5319 +14406267866268187654 5323 +8504914184482990086 5329 +15696399069296852998 5335 +7228768234308289540 5341 +17193980643638495746 5345 +18081325126638023684 5347 +0 5351 +13242402023742373381 5351 +15444771226459674629 5356 +10134126005071706115 5361 +1748990318787936257 5364 +5113080910719372805 5365 +4740943574073903622 5370 +6157660124169726978 5376 +2025011312955855874 5378 +553669187682665990 5380 +8084980747942317060 5386 +15008869680035365894 5390 +11054642401147826182 5396 +11851843011455558658 5402 +5049575986295398406 5404 +632151361685154307 5410 +10505264060559523335 5413 +12203685200692785669 5420 +9008107105681251333 5425 +9776735518460342274 5430 +6535838863651520514 5432 +9576661017186082821 5434 +9893784827470222339 5439 +4857181768617536005 5442 +12822028549600263686 5447 +12173840663449246209 5453 +8493988363445838855 5454 +12471223318525150723 5461 +13978362971313364483 5464 +1104232390588024323 5467 +1100802304281005062 5470 +12024887841397697539 5476 +3112215802325257732 5479 +6207703215900065798 5483 +10107845338520962561 5489 +4948379519093757442 5490 +9040023578523767298 5492 +12460867427268007427 5494 +17640575321947182081 5497 +14924017377560164868 5498 +13037662692055299079 5502 +17574020021597698051 5509 +2372904617320605187 5512 +3536299651807321604 5515 +17491514705714699777 5519 +1503367428551203333 5520 +11663038372561771528 5525 +11356551836020425733 5533 +14927003250941647877 5538 +11686166360497265671 5543 +3751812866770461698 5550 +9235429159371094533 5552 +10925066066795389445 5557 +13848442946975464962 5562 +15127509745617130499 5564 +12814854901058743300 5567 +11798071986715611653 5571 +9003722218263351299 5576 +16991506189565667331 5579 +981278872611282433 5582 +10035036946077778435 5583 +7029445286012767749 5586 +14504769452400850950 5591 +17475474682515088899 5597 +67574918893732867 5600 +8838928040323481604 5603 +8681421403122425863 5607 +7992933341854691334 5614 +6560668097211870211 5620 +782591258325690884 5623 +8459715981795762693 5627 +4580377521775126533 5632 +530574303038066691 5637 +17334925489416748035 5640 +10917945826566401031 5643 +11425792728280789508 5650 +11880471673070615043 5654 +11631630236968277507 5657 +13432232158299137029 5660 +10476683503031344138 5665 +6005753640415255045 5675 +4494528211652260354 5680 +5088699063729523205 5682 +16605408072272507396 5687 +5965728564066983431 5691 +12045126901259601922 5698 +13407389751313554951 5700 +10265378039037804036 5707 +17128306037403366403 5711 +6930510487252484102 5714 +4683881276581771782 5720 +8773712597668112386 5726 +7718603456686202883 5728 +816893400114994692 5731 +12215564487282997764 5735 +13309584590655820293 5739 +17802213776802985989 5744 +18262436632290822657 5749 +1166288764831559172 5750 +13852067026635056644 5754 +14826571289824620035 5758 +4783906813271651845 5761 +16110743783092945929 5766 +3392445819987063810 5775 +759677515271549442 5777 +4954134767103967235 5779 +7199695795476264968 5782 +13425017433253156357 5790 +4598183349583802373 5795 +13368149528004463109 5800 +7353867998927470594 5805 +14027611490475757572 5807 +15263300491627962372 5811 +3261710534261977605 5815 +16372386599130303492 5820 +17447749519143236102 5824 +8820939560759511556 5830 +14168934767906123266 5834 +1272094227362214403 5836 +16884210783475644934 5839 +6489513794935318530 5845 +720893495779325446 5847 +8004663725400207876 5853 +7925944396283898885 5857 +16471847542878583812 5862 +6051400597942863874 5866 +10447089147275700741 5868 +12420007994079107078 5873 +2743808713933127682 5879 +3922281465068971521 5881 +9641401502742986761 5882 +7025197893433436681 5891 +8464537216665311745 5900 +5229975051983696902 5901 +13219483540352648710 5907 +6891970947383493637 5913 +15509803201271371267 5918 +15800746157798133762 5921 +7494844196229054468 5923 +2478755409956858376 5927 +776981985281303557 5935 +11740421185520662020 5940 +8557461902491580934 5944 +6615098483818553858 5950 +4619069333445224449 5952 +11582842649688561154 5953 +13113788936574663684 5955 +4492831876575923713 5959 +3749003631842744836 5960 +18217039131397133318 5964 +15935794757369731074 5970 +18178081874058316293 5972 +5698328755092800515 5977 +924345980000004099 5980 +15391279659382430725 5983 +2629878169764907012 5988 +4980088919461560837 5992 +2390559727735566340 5997 +18190655124317003782 6001 +16690777444619791873 6007 +5111514005222631427 6008 +5463222638937838601 6011 +15935286318740422665 6020 +4601720812009204226 6029 +4573416748891166722 6031 +11625706448292708867 6033 +306546757229797379 6036 +5928989440750977029 6039 +10860678781281246723 6044 +17363380333704943108 6047 +12626658549687686146 6051 +8508105012190377988 6053 +13397258843768268289 6057 +2329867729858872838 6058 +6319578584393519619 6064 +648714822056359939 6067 +9778814147907384837 6070 +4782194177622378502 6075 +5940845406586789893 6081 +10944055863898710532 6086 +9804555614801620995 6090 +3243921131443177480 6093 +3363729399721306626 6101 +2694824434710392322 6103 +10930158767133753860 6105 +3086947634316383749 6109 +14689680169795335684 6114 +14169645236166264325 6118 +5766307716524312072 6123 +15588338815484165635 6131 +1879909569814783489 6134 +7648000293313816073 6135 +9707181328610653700 6144 +2550886158896312836 6148 +12264015729671425541 6152 +12250840876809084931 6157 +2325163999546039811 6160 +8090712276727686662 6163 +3561622135751247368 6169 +12428098442981778434 6177 +5317074378092887557 6179 +3293128764834931203 6184 +6501539462102225925 6187 +8841444808704975873 6192 +14795478358927854600 6193 +11543118218929331715 6201 +17590593535945238019 6204 +17201280632479248899 6207 +1869094785143730182 6210 +12095342838504642051 6216 +14332192655141400068 6219 +16006857683617781762 6223 +13800397681604810244 6225 +9335536499310733828 6229 +6519249660804306433 6233 +15000310314582189060 6234 +2775443890301194244 6238 +6999351997519495684 6242 +2193062667869819911 6246 +9580477704244001283 6253 +2049131530735872518 6256 +1901162351041197059 6262 +2875261889782423044 6265 +744785531861186566 6269 +740331390282101250 6275 +2834213319463573505 6277 +13092787216891636230 6278 +17187171220952344072 6284 +3822684967466794501 6292 +1702231969495806982 6297 +889324199902394372 6303 +5588191033639956997 6307 +3744301050105801730 6312 +5948176534768694787 6314 +17549670793917020164 6317 +1539504214284669445 6321 +1961430315639129606 6326 +865138743269174277 6332 +13779872344001562119 6337 +749841490366281735 6344 +370366796276637186 6351 +6563504091576679428 6353 +4380014957543785476 6357 +10351204487081468936 6361 +14023876399415748613 6369 +4887296606049584133 6374 +10236007245057672194 6379 +1963957521204852227 6381 +3544381531835458051 6384 +4467316503871596546 6387 +7586267349699624966 6389 +3431004678615592450 6395 +10570013355553256966 6397 +7244195578605442563 6403 +6701816902201590279 6406 +4940881348273062404 6413 +16104514017865230850 6417 +9415936248796381188 6419 +3230108127326351876 6423 +13932818959429724166 6427 +8712348641097257477 6433 +18103630802950382083 6438 +12398973386989278726 6441 +3219533089649746437 6447 +6290102361443240964 6452 +10332879499337892873 6456 +2005846858137644033 6465 +17321629815133772292 6466 +12526741080849233923 6470 +7932828292743261700 6473 +3418771465306118150 6477 +6688894864231285251 6483 +13744437326327367685 6486 +4639841471612583429 6491 +15561698488434945025 6496 +14842394190751288321 6497 +2133051154224139269 6498 +16839096353782439939 6503 +3290706488454416899 6506 +7886369044150052869 6509 +13220777477059960324 6514 +8952228474184094724 6518 +1556074372706545666 6522 +12244020250318504451 6524 +8716248224613385730 6527 +8093345746615195650 6529 +13780092881500069380 6531 +4530692743391660039 6535 +12734146969745873922 6542 +11289214500525457927 6544 +9575487044215824897 6551 +2144698396513178625 6552 +14284428882875800581 6553 +5709589754608808451 6558 +0 6561 +9917948887644861445 6561 +14431208557535975427 6566 +9567809156604564996 6569 +8710430089813247493 6573 +3828335333182556161 6578 +2216131334191299588 6579 +1276616304051198982 6583 +18328943126583720452 6589 +17263736866258471938 6593 +1146391532348252677 6595 +11024404375468255746 6600 +17228334519141824006 6602 +13561301863975277570 6608 +3751109463627572745 6610 +12977367319368771077 6619 +11017590245904668677 6624 +6429003927082400769 6629 +15980526593137821700 6630 +10534103997333509635 6634 +4514332674264269825 6637 +1528094942432261 6638 +12173909081816589826 6643 +183517580463285763 6645 +8517032698989345286 6648 +7115066882665331718 6654 +2566818993251168775 6660 +9368992790350793731 6667 +9166789638774720516 6670 +15079358786545446918 6674 +2185557574252684294 6680 +18056985379025629701 6686 +12535961682376707587 6691 +11851945142712594434 6694 +7627172168424760324 6696 +17944585482911861250 6700 +15849614722920903687 6702 +2668461721297078275 6709 +16023087332423670787 6712 +16247801720769274884 6715 +9142715171981265927 6719 +4313627074153320964 6726 +1574784871857860099 6730 +10438141099357345282 6733 +4117642850043155457 6735 +7416594995698837510 6736 +7491335401177827847 6742 +999772280226214404 6749 +14300137132498749956 6753 +11917616424429924869 6757 +10375470899065353223 6762 +10169138785478750211 6769 +14204988181069352961 6772 +14721733831675986946 6773 +4210584362875015686 6775 +7317455187149169158 6781 +6256325207519993355 6787 +17307466709656047107 6798 +12449910579172817925 6801 +17117327289179107846 6806 +12204503725864039425 6812 +8587479573876999173 6813 +13357534600380797444 6818 +16924498399316170243 6822 +10385795421598850051 6825 +15693231046972250116 6828 +7734836985073539079 6832 +5475345640306229762 6839 +8682265953165714950 6841 +15495325273691446280 6847 +3420038705144251395 6855 +7251140871800046081 6858 +981699756862875652 6859 +16048654718395234311 6863 +8079678211237274626 6870 +17330964965463092229 6872 +204998850760340482 6877 +18341495060807385089 6879 +0 6880 +10330614754041761797 6880 +6569474263331988995 6885 +10151163022537904132 6888 +6973077903683613700 6892 +14823983621891646468 6896 +4588791582583577091 6900 +7738659980315072514 6903 +17781357705759544325 6905 +16052303612535971329 6910 +15667766045744763395 6911 +6980389294886772227 6914 +14613524072384819719 6917 +8059455877733662209 6924 +10539657214160512007 6925 +11616619521633214977 6932 +14224732868845830148 6933 +1599514425208358916 6937 +14897125022827391489 6941 +17618243532524716547 6942 +12937125504387172865 6945 +8071819989785685507 6946 +13114810333443126785 6949 +11089061982263568387 6950 +7512050791922835458 6953 +8222146541757369347 6955 +9515352071601081347 6958 +17127940202801999362 6961 +17358081333094451204 6963 +12815500919803761668 6967 +5161865702872029702 6971 +5085872907714726404 6977 +12867302697661638661 6981 +738635139511943685 6986 +7502486089554604548 6991 +4424538564647398918 6995 +13033530442197720066 7001 +6601067310912141828 7003 +1366953120023462405 7007 +0 7012 +373035175951056903 7012 +10367937030873553922 7019 +7387148186552064514 7021 +4451982393641993219 7023 +1579274675138636802 7026 +2005972906238723082 7028 +8365560780332633605 7038 +18252698082741376517 7043 +10687245525977179652 7048 +4847932655264917512 7052 +1908452749238848516 7060 +6974472620105490949 7064 +4229863270655526913 7069 +10085099300306882057 7070 +17958427850227237893 7079 +11171712079059576835 7084 +15887785057120482307 7087 +13778764465009986563 7090 +2024558227009405443 7093 +2645457411458513412 7096 +9511844619849197061 7100 +17006463209877258757 7105 +10936200410456409095 7110 +3336397438630617091 7117 +6926069371323713540 7120 +8379889490656065540 7124 +3625594756061307394 7128 +5913498723740950018 7130 +12484239622695376900 7132 +10051602445201488389 7136 +18057842454501173761 7141 +10321164942757956098 7142 +2085863817939845636 7144 +637792840422552070 7148 +5775914883929950210 7154 +4294440544947172871 7156 +1470884227132728324 7163 +16547746967068243460 7167 +2181778157642243587 7171 +14805614303640410630 7174 +10407211148095012357 7180 +7300854148390629377 7185 +10669095767865426949 7186 +15733785095671659523 7191 +11806922681806601737 7194 +25481766866507271 7203 +12569152301666821634 7210 +13887779286276890116 7212 +7527919625682468355 7216 +17922524530616125955 7219 +0 7222 +11443084099398646276 7222 +12286354644189494278 7226 +17630285722782908417 7232 +18436478724478563329 7233 +18200429394767296004 7234 +16672878022210267141 7238 +4512918066122139140 7243 +12031526121929858052 7247 +14212642254166041603 7251 +8575300375201110535 7254 +16514096733739064836 7261 +1372144160287681027 7265 +15124745564957097988 7268 +10223452831275718661 7272 +10095462828218450948 7277 +10267568820449235459 7281 +8469965405176075784 7284 +9411785803579933193 7292 +13375379691633666053 7301 +5561046853266212356 7306 +5600517863682136579 7310 +4206747353107879938 7313 +6909661555018396678 7315 +4417053658040592898 7321 +9011207054761699331 7323 +15847766482649990661 7326 +18310070108073323522 7331 +2313624043931823623 7333 +10185320666992114180 7340 +11916926699710288898 7344 +3545425776481026568 7346 +4911891633544977922 7354 +6138519775096177157 7356 +13049919356836375556 7361 +15829456196869805060 7365 +11413888162709001731 7369 +3300615883971422727 7372 +4415199397635384323 7379 +4078185095297996292 7382 +5050132448655584777 7386 +6103646993143324675 7395 +3793253264149160449 7398 +16347356082607946243 7399 +3857792844626733059 7402 +13036132457540813314 7405 +3317522113538233860 7407 +6305735953325256196 7411 +6860732809698012168 7415 +6541633460102011907 7423 +3961099792723844610 7426 +7089802930014850051 7428 +13336068690935240707 7431 +10056644085184719362 7434 +11207965588169773573 7436 +2355374993394737153 7441 +17990578805700388865 7442 +5383591927836860933 7443 +13480144226871606785 7448 +4996232125830537221 7449 +11235167738243785734 7454 +143923373352141317 7460 +8974578467632463364 7465 +17864556342494699522 7469 +11663093833306126343 7471 +15103674999204478981 7478 +14009898996985431557 7483 +3460032664591823370 7488 +8367107077597996035 7498 +10237320221820149762 7501 +1230491654079345668 7503 +5914481805353637890 7507 +1999423877124190726 7509 +4194589414523475459 7515 +6778899120031142917 7518 +6259706092385260035 7523 +12578917588074039300 7526 +842849858858196483 7530 +521961307927385604 7533 +17870457945874248706 7537 +11610460273728938500 7539 +13002243795339621894 7543 +12765037571141596167 7549 +14619375725711845380 7556 +9898817210922070535 7560 +7087049801313293826 7567 +10788149532662318086 7569 +11883745714487623174 7575 +9160587494551387144 7581 +12948796790808401415 7589 +15459692796244702212 7596 +13669023181354473475 7600 +8297900856639261187 7603 +8973562188479754242 7606 +1741536580090567683 7608 +9618746069312002053 7611 +14055601259453352453 7616 +7235233866577679879 7621 +11392475556674295813 7628 +2155357865374380549 7633 +12303341912019606531 7638 +5824983256326052360 7641 +14021022753924725763 7649 +7529297856837936645 7652 +7626036300525324802 7657 +13470102056185236484 7659 +14040234972562250248 7663 +3092555032572210694 7671 +351921127336245764 7677 +18352729336655478276 7681 +4115012278704262148 7685 +15607965751654339588 7689 +17876209822256179201 7693 +16572837449335793665 7694 +8663418737724652548 7695 +13305660029461998085 7699 +11958592580840442371 7704 +12164924667918544388 7707 +14419240429041575941 7711 +10751379426943696897 7716 +13859991162413006342 7717 +6196669303248639490 7723 +17621166842638855686 7725 +6938529564969770501 7731 +199770165813218817 7736 +9794627124586530817 7737 +10042945289721419780 7738 +15124336629718367234 7742 +17239762101737752070 7744 +5066859136028226563 7750 +18342141343814928386 7753 +14297580412569375748 7755 +5716198931408879112 7759 +17629167193054472197 7767 +3840533914406490629 7772 +2628101470761528321 7777 +14197211868061374980 7778 +5035129043470395400 7782 +11015175427449999873 7790 +12059984061354081796 7791 +7621245355524176387 7795 +7205828901486151173 7798 +16192222390146865670 7803 +1543156989008861701 7809 +11571041007873040389 7814 +16667674860570698246 7819 +2792459496922037256 7825 +1716286101354276872 7833 +6892728786412752387 7841 +5493465003035191811 7844 +12724100965955726852 7847 +485317178080522244 7851 +7255092882374689283 7855 +3746112348748737537 7858 +11741059179006117890 7859 +13078798732771974662 7861 +1952753305616740355 7867 +2942432464334385155 7870 +14721738681901483012 7873 +1053013354524276739 7877 +12349895812339935238 7880 +3439161449500354054 7886 +3350328017673840644 7892 +8037543239976981511 7896 +16626903114423534083 7903 +13087643897752933381 7906 +349987452515442689 7911 +0 7912 +17467123943804556801 7912 +1793445310925094917 7913 +14598490873474125825 7918 +8308390887087095303 7919 +16158446523729277959 7926 +15491096967236155908 7933 +4171042813813231107 7937 +10827160934573197316 7940 +9642746569099865093 7944 +13785771297862324740 7949 +5796988451593437188 7953 +14917478676441368579 7957 +17874504114098815493 7960 +2708122882887417858 7965 +14322132912803469828 7967 +12065320292649433090 7971 +888797480150426630 7973 +395125046520925188 7979 +10520966495478106633 7983 +5169469121626948612 7992 +17273179268589918723 7996 +12795372769539323910 7999 +5117803836781655555 8005 +16925611096069050882 8008 +6625234763569347586 8010 +16844853869670692865 8012 +3977649770909947906 8013 +2972380523819649539 8015 +497528659151817732 8018 +11996931110119688197 8022 +0 8027 +14527800815015947267 8027 +3757656985461510148 8030 +8694322819116526081 8034 +16851431703897661957 8035 +11515257381226467842 8040 +11010085586057559554 8042 +2524954812337072132 8044 +4743866005270246403 8048 +11384873943835032581 8051 +8310637828688691202 8056 +11153487272179623428 8058 +769967953800523266 8062 +0 8064 +13516893598449246724 8064 +5038699793501378050 8068 +13144799219856116742 8070 +9934330204728416258 8076 +3655612517878734340 8078 +0 8082 +4274546662615174148 8082 +3113547990374367235 8086 +1576464090986868226 8089 +8052690679559396871 8091 +16416348569849000962 8098 +14682578073687918596 8100 +711235932113246724 8104 +3783957728341021187 8108 +0 8111 +17755290321535534597 8111 +11385183453115744258 8116 +0 8118 +11885260682020238850 8118 +17496487395212878339 8120 +15768054834411851269 8123 +5785876924651997190 8128 +2331319797157481479 8134 +16355461816620235783 8141 +11273864082744795651 8148 +14252708860312410113 8151 +15785104706342830083 8152 +9352816332652705797 8155 +4011977900758547971 8160 +10848660497686359555 8163 +4000151043530209793 8166 +5396532088462366212 8167 +3927765723762991107 8171 +15422718828767431685 8174 +10941707572935631366 8179 +16489963595758841349 8185 +0 8190 +5395539323509102596 8190 +15342496063042500099 8194 +1219696481208442374 8197 +10023301202799369732 8203 +5312967539534244359 8207 +17935905043961708545 8214 +16047045121867958788 8215 +15310978688896158214 8219 +18440605187310284802 8225 +14197313297504534021 8227 +441709391396755460 8232 +17812190323632966658 8236 +10692610292065110532 8238 +11222688789988631554 8242 +17528224981026048004 8244 +2197829958742952967 8248 +10152296005704294921 8255 +12463528362670460936 8264 +7042533756535298563 8272 +17219593725854116870 8275 +8522306341936327683 8281 +10071831458541708292 8284 +2144479416307595267 8288 +2114838092627846151 8291 +2947170101467883017 8298 +12660876496669745666 8307 +3161090096955291652 8309 +16743957698571200006 8313 +16318831504113113606 8319 +14950646638769419270 8325 +7323550525578773507 8331 +4039272367179611651 8334 +12096483676093740550 8337 +7774586835810597382 8343 +5579761702661723140 8349 +14352876305744850436 8353 +13331184564384168449 8357 +2020987020421506055 8358 +16178480651732900868 8365 +888095906630827014 8369 +10220103374810053128 8375 +2224333830443706883 8383 +17040374268011207172 8386 +14291985828075567106 8390 +17057170452959945732 8392 +7748007785281693190 8396 +12618342462797443076 8402 +15883543518568136193 8406 +12947971518173832706 8407 +17352353358645068803 8409 +5586575291343352835 8412 +1348788004136388614 8415 +6343771886666161156 8421 +13970440152321427464 8425 +3549808212481676803 8433 +8028923969819949059 8436 +545246617473536517 8439 +12436947090048709123 8444 +5196276735774691331 8447 +2496478847492376577 8450 +2100590320998354436 8451 +334551546701514756 8455 +4092239999433684483 8459 +10922903245357598728 8462 +1441474937910484483 8470 +9598769507393141764 8473 +4955421446864471042 8477 +12956516021812246021 8479 +7321960696130126854 8484 +0 8490 +18278353711350716424 8490 +13121704842401540611 8498 +12274906193534691332 8501 +14289863988886367233 8505 +15283561085911819267 8506 +13782779156949868546 8509 +7704496490378685955 8511 +10618419155507525634 8514 +7397164667039553540 8516 +15567995868450804738 8520 +14712268087799854596 8522 +1548184323554305031 8526 +7192789592171826184 8533 +13316418493636904967 8541 +0 8548 +5215240697043492356 8548 +3890228446558651394 8552 +8328848986203978756 8554 +15126106953262311428 8558 +14270119592253784588 8562 +5191930340299165187 8574 +2126621387103302664 8577 +3103684332741850116 8585 +15369808234987082244 8589 +6315413252835482118 8593 +1291079580341170694 8599 +12936374217576603654 8605 +696049126311002626 8611 +11245314348802298375 8613 +10923016838676114439 8620 +17961727409553718276 8627 +7913484058346768386 8631 +8932462281898427907 8633 +11793450632268285444 8636 +2847912018193859074 8640 +6408896561158320130 8642 +3269546635160993283 8644 +8969510456018313221 8647 +7154237177747635205 8652 +5614099577563175428 8657 +2446135146048667649 8661 +5675878594090839045 8662 +14232065563122972675 8667 +15977337417200591874 8670 +15298421493379337220 8672 +16011625608507343365 8676 +7235898319927714306 8681 +5340005025668927491 8683 +1196415042327489539 8686 +4713963937981097473 8689 +4831542432579784708 8690 +1847083286583211521 8694 +13870454161125454341 8695 +5254837707471297539 8700 +6960499324838242820 8703 +13867598132468730374 8707 +10483141320109367810 8713 +0 8715 +10849640215667016705 8715 +2067558632737545733 8716 +1278806563774934020 8721 +1677415920095912450 8725 +6161844696962912773 8727 +10614563245411709443 8732 +4818150795281695235 8735 +1418841320896123404 8738 +2873896250393760772 8750 +854986818168986627 8754 +5931889515838613507 8757 +11535697573016238601 8760 +5551905940577201670 8769 +10103922566367941640 8775 +3040227970228190728 8783 +12793892732454622723 8791 +16982163311078284805 8794 +11375455878030986247 8799 +6015189453256624642 8806 +5496333461190257158 8808 +3821427284351406090 8814 +16764727135427828741 8824 +16949708079388834822 8829 +10960203165399542276 8835 +385239120426788357 8839 +12243765323363784708 8844 +16356514019222403591 8848 +11130177577913487874 8855 +15282019758294758916 8857 +9661305621850070536 8861 +10356647184169795078 8869 +17227299153289679878 8875 +4490960025430261762 8881 +11878251368526011910 8883 +11397425566461228035 8889 +14067170717070213124 8892 +10778649734802249730 8896 +15030612393350307842 8898 +2295530339316025858 8900 +2263427176813938691 8902 +9058775045731528710 8905 +208412517849074691 8911 +12359959118097485828 8914 +16564415980480990212 8918 +14366783621592409608 8922 +9117569470620385284 8930 +3036707162905534980 8934 +8966249406326003716 8938 +5509303575126272513 8942 +12628857669432723462 8943 +14819218502142411778 8949 +1288685136300724739 8951 +2947939296884118531 8954 +0 8957 +5386654655210478594 8957 +10343897038113848837 8959 +15426439324176745474 8964 +12266584411562299395 8966 +1907917230904316933 8969 +14910180967311559172 8974 +9720549500997887489 8978 +18370146625748830210 8979 +11119817864426150407 8981 +14990610531481895426 8988 +3685867788207774210 8990 +10130867645102091780 8992 +10456629716441776131 8996 +9457402246429983236 8999 +8661949077540290565 9003 +8088206585973517828 9008 +7282603695052663811 9012 +18091457294409608708 9015 +2985285307275903491 9019 +16054585448351838210 9022 +17120918527836336132 9024 +1424028159521805316 9028 +5977836517349378562 9032 +3519085253051177473 9034 +16345964184671145987 9035 +15372109848678138884 9038 +7222391422896086529 9042 +5353873636059288067 9043 +9029549836943091206 9046 +5134676748987627525 9052 +10714909537648327171 9057 +5736678012625697282 9060 +14294821700737828868 9062 +8586655751382317570 9066 +13351583672947871745 9068 +108508513632453635 9069 +5050371031675247617 9072 +6166616794045106181 9073 +2031104535485049352 9078 +14094848056438184451 9086 +3209250433486714881 9089 +9350627317630111750 9090 +18303214068116683779 9096 +18175279340463563780 9099 +12107924200154576905 9103 +10484467687779406852 9112 +14851409976558955011 9116 +15638596584230811141 9119 +3430619739972681729 9124 +4525405061745931266 9125 +649950973116531715 9127 +2155620279064068612 9130 +8815144701263809538 9134 +13559861173774352899 9136 +7281961761827198977 9139 +6479834777616534533 9140 +2122757370570593797 9145 +2089579746359666693 9150 +2118060026591884806 9155 +6610934769249412613 9161 +5764322807994532358 9166 +0 9172 +18292600605824816130 9172 +16027316353628307971 9174 +5873669518383733766 9177 +5359651264742656515 9183 +13772405542358896129 9186 +11232211142830638082 9187 +3925867700498507270 9189 +3622362421655861763 9195 +17971549328678167560 9198 +10178164675173581829 9206 +14868401087752220166 9211 +8638928217279014403 9217 +4076827647377092611 9220 +9216951363784411654 9223 +4860389695250074630 9229 +5141912337195232260 9235 +13638182739657232395 9239 +190458625753204228 9250 +10439263220459785731 9254 +15570203757103389700 9257 +10100861381374402050 9261 +13176659651482535429 9263 +9940836949388992515 9268 +1434753776722169859 9271 +15911832694772576777 9274 +16377649747153682435 9283 +3535436958394055171 9286 +11624713642892604931 9289 +11996281349520748040 9292 +10742686484067190786 9300 +17670565325207822338 9302 +13990304795724480520 9304 +14836152707472091659 9312 +16716579935008131588 9323 +17735689176581906437 9327 +4144007811993196035 9332 +2707859638354712067 9335 +14181020274724903943 9338 +13059081342152218115 9345 +684747240204638213 9348 +16965023416811773956 9353 +13274944270947176967 9357 +15155009380877432836 9364 +5753494907828415493 9368 +1998889434424413700 9373 +13921489190209585668 9377 +16405248362223825923 9381 +3798322026674209286 9384 +15568407548270878724 9390 +3135611625200060932 9394 +12296127287381132805 9398 +10483623682378989572 9403 +18422864558288511496 9407 +13257200523160059906 9415 +10889084434899085829 9417 +16235392322225996809 9422 +0 9431 +15880157821766867976 9431 +15769881988250557442 9439 +12288876986979557390 9441 +5871458479777715202 9455 +10230540431513771013 9457 +398388154193370114 9462 +16830851883321963523 9464 +7044965106822626309 9467 +12835028021967009282 9472 +17669753751310200324 9474 +17863085400947067908 9478 +2547448843186214403 9482 +1563360555826800645 9485 +10654255430471045636 9490 +8919766593242463749 9494 +9157516009426735617 9499 +1851229450956041222 9500 +18170290697945010178 9506 +9095614121151507464 9508 +13764886157577890307 9516 +3251289848300243458 9519 +5951886391180718083 9521 +9538359075664012292 9524 +16549340102925487109 9528 +7860504828355370498 9533 +18275958449742785029 9535 +6476221964757699592 9540 +16649298133457885189 9548 +1077384049635129857 9553 +5467499339984290820 9554 +5661058762060941829 9558 +15925191203640364548 9563 +5448679068663604228 9567 +15739647865842650113 9571 +13891937443582442500 9572 +14250729033592490501 9576 +14289449380340632067 9581 +1789638517701969411 9584 +13345010946699538946 9587 +11111710299888134146 9589 +1494709650535500805 9591 +2236847890842874884 9596 +9697689012423586824 9600 +3247495687941577731 9608 +0 9611 +15118874474456832514 9611 +14024878668621521411 9613 +3367336313963633667 9616 +13398818199176143876 9619 +18089789709456805382 9623 +4429217189812210692 9629 +6513417000870213124 9633 +13410811484403031047 9637 +9286599824407690757 9644 +924498765229231620 9649 +2155095227359495173 9653 +4200261631069198340 9658 +15143612470449772549 9662 +1320870432605139972 9667 +4148999114204317700 9671 +9196282390467354625 9675 +621977095233334788 9676 +16684252513012100610 9680 +7759579056583751685 9682 +10560224623837053446 9687 +2037646954057236995 9693 +12847463900905112577 9696 +6865131451138731012 9697 +6732352328150422019 9701 +15189956320437859842 9704 +1729177819745226755 9706 +9628816068749024769 9709 +4869564800189530115 9710 +6891966938220697603 9713 +3082347868569907719 9716 +848966209447799300 9723 +16707295358571493382 9727 +5345579762123232262 9733 +5562519901118562310 9739 +9363650360673411586 9745 +3365229826355504134 9747 +3376039655325580295 9753 +15864771015094443522 9760 +12471275120424825861 9762 +3962847617747436038 9767 +2039106870167488005 9773 +4261393043489374211 9778 +10745995285662536710 9781 +3002508545306168324 9787 +11151187127460575236 9791 +14495248572152597510 9795 +13158592688077951493 9801 +3080147397531626498 9806 +13716682452660411394 9808 +547361496254658055 9810 +12089489835480116738 9817 +10279670610828915203 9819 +12567955213310603269 9822 +11440632300282277895 9827 +15398288405038927362 9834 +5386885241872327684 9836 +3680027566923146754 9840 +2217665654577728517 9842 +15849069013047629317 9847 +4715091011827237893 9852 +8916467336026380804 9857 +2800988348492166148 9861 +17415235694289989127 9865 +13588949041668608009 9872 +1941386960406656514 9881 +11807870840926835201 9883 +13035746228625045508 9884 +1210098858763514882 9888 +10705915746174055431 9890 +8964636058102386693 9897 +8992122679190564358 9902 +18024526552500914179 9908 +3399282844180297221 9911 +14702625572881366018 9916 +12827262705039079939 9918 +1825561220317001731 9921 +12005663943797970947 9924 +11351146709946348035 9927 +1530160080767558661 9930 +17656275535026350084 9935 +54419944571406337 9939 +11687220766233479689 9940 +2537748891544432132 9949 +1759829480644668417 9953 +6123752096613890563 9954 +4909154128931475461 9957 +12539287524336258052 9962 +4195437311431932421 9966 +5389501331748174850 9971 +15010514056238470145 9973 +14480360256852796418 9974 +8771073382209191427 9976 +6615236487933136900 9979 +7232611440250014211 9983 +1337570304475312132 9986 +7461474373161875460 9990 +9259311618019461635 9994 +13773890732675240965 9997 +9841972479626840069 10002 +9115122948750180356 10007 +13242158510354541574 10011 +1565508652651280902 10017 +1695083625475833862 10023 +1938858750813926402 10029 +12328037641006886405 10031 +4412369078784258058 10036 +2502833431772606978 10046 +15729139845383543301 10048 +7694754616584338437 10053 +14980560552270241284 10058 +15869624118011064837 10062 +17352282363597287938 10067 +5127022181039230469 10069 +4685641210985893895 10074 +5327410601982863365 10081 +7171485101693264903 10086 +5617559065777960961 10093 +12137310037271097859 10094 +1870403729475799556 10097 +5417701589740024835 10101 +5845755091891419139 10104 +15909218086244315140 10107 +2376460671519239176 10111 +355083952633735684 10119 +9727552074367371266 10123 +6877971274400977927 10125 +5250183713973005827 10132 +11695225976970451970 10135 +2388464703487959554 10137 +5837022128941820933 10139 +4835036664659195395 10144 +6433731303273260035 10147 +10370155091177379332 10150 +8556435841084088835 10154 +10526677726640892421 10157 +8005365384959643650 10162 +8745563542011038215 10164 +15830611893547904006 10171 +7941198047831518212 10177 +0 10181 +4363051472645246469 10181 +14256589588317798404 10186 +0 10190 +585621577143649284 10190 +4473670969409771011 10194 +17244583975995485698 10197 +7345923771680808450 10199 +13098846063762132487 10201 +104030188429970435 10208 +3369079413750032388 10211 +17886670858634677764 10215 +10005036995483818498 10219 +2047099945767312898 10221 +5779793518677850114 10223 +16821250492911051777 10225 +13728417208867682306 10226 +15154637451198667780 10228 +10658122587771337729 10232 +12087790277831313922 10233 +4851681448771161605 10235 +18182822185771610116 10240 +9841080350566933507 10244 +4208888961669076997 10247 +5065354496346856450 10252 +901321068909002244 10254 +3977475229742514180 10258 +2162792206907370497 10262 +2419759369747772421 10263 +292082457413381123 10268 +8016343473484844549 10271 +12710983558670383107 10276 +6224044441859341827 10279 +14400503045000088067 10282 +7101335810500715013 10285 +3552176799976459270 10290 +8096058328942529032 10296 +4444255239465088514 10304 +13102766994129058308 10306 +13063506824774841345 10310 +15846940939915024899 10311 +17451146712696428037 10314 +10420342564025206788 10319 +431627005720136712 10323 +15935638845044184068 10331 +7776146088387542021 10335 +10760352279396009987 10340 +15607246954255778822 10343 +8490503076626329604 10349 +6460359914451116548 10353 +12514325483037393925 10357 +15593615878379819012 10362 +17105374525023126532 10366 +7641542608039226884 10370 +0 10374 +12666075723329010691 10374 +12978953453735151619 10377 +3319262623477806598 10380 +10185876183421468163 10386 +2472749333407035400 10389 +11708597378718588426 10397 +4523503097173771269 10407 +12263680035255020545 10412 +9534450517575392260 10413 +5412104690129483779 10417 +15865779465943168518 10420 +15015118375336815105 10426 +3790105865759649797 10427 +560485275138994184 10432 +3681356149744822788 10440 +12155786242533893637 10444 +17250959002613783556 10449 +8524480090180221443 10453 +11250485477574622214 10456 +1730200331668499462 10462 +6407434493813671427 10468 +4511302014009512966 10471 +12334342274025240581 10477 +11786370403170797060 10482 +265037261538338820 10486 +13617513028786338310 10490 +6795585427315791366 10496 +6150242078089192964 10502 +11395715580803430403 10506 +7139445471749301251 10509 +15331274599182718466 10512 +5306261271654919172 10514 +0 10518 +16507855956315577861 10518 +10663007347969419270 10523 +1783523404705221122 10529 +14198360264726365700 10531 +3693368405646757382 10535 +8911800581841975299 10541 +3819257728760240642 10544 +3163201634980207106 10546 +7661934549599697926 10548 +0 10554 +17995568121922558470 10554 +2294369798261799427 10560 +11644884713664812547 10563 +1172173951533743620 10566 +17872674553127599622 10570 +13360655695575348227 10576 +13866989480685586946 10579 +17285238465875786757 10581 +7701920500755718147 10586 +1353636452102535173 10589 +8154217655705754114 10594 +17847935368397801476 10596 +590406998347875844 10600 +15533834298131129348 10604 +13643961709233314819 10608 +15955848558376417798 10611 +18155425694297154565 10617 +18111462889317918212 10622 +1977198711606750726 10626 +14825567603807632389 10632 +3562619510069322245 10637 +2901675605696386052 10642 +6126396210964976646 10646 +11742022767916033538 10652 +15638956162424815111 10654 +4426725143978446341 10661 +8519316613878132227 10666 +9485074091820643331 10669 +1804540108316816386 10672 +10139940858077353476 10674 +14926544927423545858 10678 +12736090090623018499 10680 +12081994847264909315 10683 +11170850996165427716 10686 +4812964746990351366 10690 +10028097743613824005 10696 +15630006148098724868 10701 +14441495400199385604 10705 +16588159452272844804 10709 +11197569472752041478 10713 +12053515120430546435 10719 +6034610344627152390 10722 +11167067829364428806 10728 +8923286462103934469 10734 +15119370182060987396 10739 +8841027242594816005 10743 +5131869844580642307 10748 +11880971064282385409 10751 +8401429282816381447 10752 +4892124393437804036 10759 +17769572762247914502 10763 +0 10769 +563049022559673860 10769 +11603820886321095686 10773 +16240439602915361286 10779 +14598209528900158467 10785 +16437418909095422466 10788 +4106546017160587270 10790 +2239186784171070978 10796 +174683179129353220 10798 +15868302315609945605 10802 +7916815717385961988 10807 +3488271874700270596 10811 +18191632271244075524 10815 +2318948768203264003 10819 +1087651107002498052 10822 +11080501349680540675 10826 +11754434900607475716 10829 +14825703009205568518 10833 +0 10839 +16133819434804788228 10839 +134711274202539522 10843 +3445327967030124546 10845 +16275270481952548867 10847 +8427503968185489414 10850 +10179617847969974788 10856 +11912509912167804421 10860 +6148357665811757570 10865 +18007067457942900226 10867 +7395206001463647747 10869 +3135830862673249287 10872 +8224861241160786950 10879 +10313092947917676035 10885 +7640070775770024964 10888 +4582671494557737476 10892 +5759062855106934281 10896 +8572608370936922631 10905 +1333003675247604226 10912 +1745061459188283907 10914 +7608537496481428487 10917 +423656487004309510 10924 +13437930391559629830 10930 +1100823386520819204 10936 +14836185784208467463 10940 +4926845608539417090 10947 +13435453454165401604 10949 +12928331001269544452 10953 +5661098699949227012 10957 +6260890270494032899 10961 +8121071173151668230 10964 +10475967291173043206 10970 +12311998541467377670 10976 +16303529727266169861 10982 +4007798390682677253 10987 +3170553251110964231 10992 +1148621634814626309 10999 +1991917047628649985 11004 +15748719431352210949 11005 +11886640996383067139 11010 +14369690179590163460 11013 +15717367393337226754 11017 +0 11019 +12223145091017596420 11019 +15078116252842458628 11023 +18020754185570550274 11027 +14322712216596215810 11029 +18206827125808130050 11031 +9271938694599241219 11033 +16197401658452630533 11036 +0 11041 +991557016230923271 11041 +16552511667951715848 11048 +7673340722959538692 11056 +1402682590957356036 11060 +13603543146620175364 11064 +6369146597322734086 11068 +7359149615758340609 11074 +7586202186471973891 11075 +2707784461339465221 11078 +8955004649820990466 11083 +9722871965274609669 11085 +4540597859154651654 11090 +12425630770918099973 11096 +14502971859553077765 11101 +9076995784635047429 11106 +12461966875642819080 11111 +11577080687303614977 11119 +16184675009751053321 11120 +3629764153338277380 11129 +10857485192868986885 11133 +10798430435236510212 11138 +6819393961965331972 11142 +10932271451217784837 11146 +16889676170518360067 11151 +5388904727175099906 11154 +2633632211351808004 11156 +7064480332035548678 11160 +16154550344837843459 11166 +6444138466453249541 11169 +13223611486871051779 11174 +13178664577999652357 11177 +5643941166314950150 11182 +11899193161715314690 11188 +14588596966269452804 11190 +4213229976875559425 11194 +10205825920380210693 11195 +7216049243579964420 11200 +17578053802661252099 11204 +10514356363569884167 11207 +2556646560556987394 11214 +6879334496561489924 11216 +8146936484868087299 11220 +11026397679541020165 11223 +724511193781136387 11228 +1118869734600265218 11231 +6246060925330801672 11233 +12257895992918343171 11241 +17201080322637372419 11244 +7626471590372201986 11247 +11529599594718801413 11249 +2552545869179837442 11254 +2550046785936475140 11256 +1007516427946882569 11260 +4809129704666936323 11269 +14481315631460533253 11272 +484714727624545282 11277 +3251320932981051399 11279 +9224572798749334534 11286 +13960039649393095176 11292 +2527199495443013636 11300 +0 11304 +14251949224430335491 11304 +16443398795839950850 11307 +13675043717147498500 11309 +17674458959480348675 11313 +837664098620686337 11316 +11347803409205255171 11317 +10696956973550741508 11320 +1286058183080222726 11324 +11971438697837447682 11330 +11949895056904086532 11332 +16785308873418195972 11336 +11580394380017848322 11340 +752833740082058244 11342 +7300626039454341637 11346 +3464410858727497220 11351 +10214323367710306818 11355 +4226390438671988742 11357 +5192153527954599941 11363 +4208795513238938628 11368 +4074546634213097986 11372 +9328692032325888519 11374 +13879565382634964484 11381 +8523012120390553093 11385 +9781799678465541124 11390 +16999132684508087810 11394 +14965382244146599940 11396 +4039957194617238021 11400 +5641064546546222084 11405 +7773734381186246145 11409 +11700840157828629511 11410 +9988387808822646786 11417 +3101092822690895877 11419 +4925750442054927879 11424 +2806628975738385412 11431 +7337817910683785732 11435 +2430127008423566340 11439 +3110299353314168326 11443 +11168088829157185538 11449 +4937351052854612485 11451 +122789162757143555 11456 +5899440680552416770 11459 +196815030803744774 11461 +1102562108399689221 11467 +7615471246591894019 11472 +6320668514970862595 11475 +9729983625348401156 11478 +17439815051730790403 11482 +3732993151579905542 11485 +16933735290147658755 11491 +2527578414269006341 11494 +11475892927166490118 11499 +12363016859220715014 11505 +11784510983410048004 11511 +11216506769574831621 11515 +9883305125908721154 11520 +4543952436927558150 11522 +9375703328526581764 11528 +5022007896808286212 11532 +11528435358179693060 11536 +14369907718325447169 11540 +11624197752628697601 11541 +8289446848382385669 11542 +1134497595334496771 11547 +9524059651490541058 11550 +1805201049675016709 11552 +6087759071230801412 11557 +18073450824291842056 11561 +7440194958442858501 11569 +10956992957406439938 11574 +5813887236674435588 11576 +4196941427900612100 11580 +12853033890724614660 11584 +6321915283148543494 11588 +11121511380206152196 11594 +10744540697894481922 11598 +13475033041988394499 11600 +11338352116467866625 11603 +14483700335137404425 11604 +4220605630509392899 11613 +15408638056971565057 11616 +18411271730864539140 11617 +0 11621 +7908830646493152259 11621 +10960308154693927432 11624 +12890583694674219524 11632 +14126220955502452227 11636 +671881071508416519 11639 +14540686100550194180 11646 +8080426496093389316 11650 +793408666177019396 11654 +11041549464422131715 11658 +12444376377594886149 11661 +5269319378866068483 11666 +10764379397018063875 11669 +7715642089226824710 11672 +14499723644079371266 11678 +16872276318702753796 11680 +2417316901253786628 11684 +14829034836166967297 11688 +16119729411853297156 11689 +5586414521200662529 11693 +7662077668075879431 11694 +16815017570638535172 11701 +13396004237247963649 11705 +16152492051115616258 11706 +12323320132542714887 11708 +5417266946471406599 11715 +16803132181785974278 11722 +9101963319941619717 11728 +8035008619028585985 11733 +10764101307453480453 11734 +1800024375228168197 11739 +11458697004222661636 11744 +14727644881314815489 11748 +17551303869501533701 11749 +5959827558039317509 11754 +15202672336687799812 11759 +4283431635167923202 11763 +8734380373273686530 11765 +4262485275756405764 11767 +12594072462360838661 11771 +684683154496570882 11776 +4918427814352280577 11778 +5129847503357117958 11779 +10710994192738411010 11785 +2324547631037313540 11787 +10820942229815769604 11791 +9164840133370620930 11795 +15730161377415111686 11797 +135526486657414147 11803 +16335672019816221704 11806 +9184479001184012801 11814 +2467217941231852547 11815 +8449979239170505219 11818 +17759643417727121927 11821 +18421697790984787459 11828 +9148352704683275266 11831 +11960411373610092548 11833 +9267324891548643843 11837 +2104752967208612867 11840 +12837866349177021956 11843 +6978050858501219330 11847 +0 11849 +17197169921099728904 11849 +12449737246780182538 11857 +15934994634621095432 11867 +18121197743603551745 11875 +10356044376851739654 11876 +9110958103367124999 11882 +13384118276588382723 11889 +2691730305297498627 11892 +9720989779413832200 11895 +1672758169902001670 11903 +2689099471760307205 11909 +8261191872770018306 11914 +97936805815846917 11916 +3591558727743469063 11921 +17748250023077504518 11928 +9940787544853376002 11934 +10782343357978330118 11936 +16458406871667798019 11942 +1209015949473638917 11945 +16593649076891501061 11950 +7644314613266988033 11955 +6822631449025149442 11956 +6513333559029278212 11958 +2850725430935374853 11962 +5018741255211041283 11967 +5940383982491771396 11970 +10124086480788074503 11974 +3412441014927308291 11981 +9953597667540445703 11984 +4864100905589891076 11991 +8806126181668391429 11995 +15232517647171385858 12000 +4789070581446016006 12002 +9260925724752190979 12008 +12390847324955616772 12011 +8549690607855831553 12015 +9988051011008222723 12016 +7820881760976749062 12019 +10298103787562486277 12025 +8425766985990386183 12030 +5849329621323319297 12037 +17833504193896216069 12038 +15295246333134578180 12043 +12941734381959917059 12047 +16764318666789715460 12050 +734822185841417732 12054 +8244265491793251845 12058 +1566348886389779459 12063 +7653370848210455045 12066 +3251144711136833029 12071 +10842650051686245381 12076 +1026048992129572356 12081 +6088419056706993667 12085 +1281748476873197571 12088 +14952174006564163588 12091 +6883792908789536773 12095 +17839224634999510532 12100 +6189108567839499266 12104 +17343850161894566404 12106 +7113093543791171079 12110 +10114880328300157442 12117 +377347303028533249 12119 +6224603039766742530 12120 +12355103884216335366 12122 +16737091616332412934 12128 +2159866543327791622 12134 +12466116807289001989 12140 +8615070283159622148 12145 +12521005827075802118 12149 +17973176628501203972 12155 +16161303949157627398 12159 +10702132657690109955 12165 +13392556155568626692 12168 +7829123165688476163 12172 +3192915896887454214 12175 +2302836661745699846 12181 +13463945416543066117 12187 +9947646495024099843 12192 +5095185383511966212 12195 +15476028824659960835 12199 +919995268913232387 12202 +18411542948690075141 12205 +17228309860115289091 12210 +1330747735785677316 12213 +2272323294375504900 12217 +0 12221 +1409306687143272967 12221 +13558502245424646658 12228 +8101532820265541124 12230 +9551986035346209798 12234 +9597056011095607298 12240 +9072572891354417669 12242 +7343149358357483013 12247 +5396297979264095747 12252 +10693892919328200711 12255 +7275232692581195779 12262 +14283975878078971395 12265 +16800865241612676611 12268 +1771335962175753225 12271 +10634600611773986306 12280 +9536230143330255363 12282 +11216643478255276548 12285 +2086644294868092420 12289 +244235392278005762 12293 +17615395995850942981 12295 +1866835162205435906 12300 +8050817453145175557 12302 +5593733843084418053 12307 +8948368968362631683 12312 +9776332564144198659 12315 +11054728415635476482 12318 +12887360915500263428 12320 +8004258980589309443 12324 +5824957351403101699 12327 +1306575842956147210 12330 +6556904374360664066 12340 +15507887085999571976 12342 +12689940590681966081 12350 +15593841968333985796 12351 +10150998601987399684 12355 +10550861511248557064 12359 +1642411134178346503 12367 +15363639207087732230 12374 +16168932352190653955 12380 +14131474075039686148 12383 +9110005701515438596 12387 +10020841114808969732 12391 +5022983465028140550 12395 +17322106105271647747 12401 +507933302503968264 12404 +11710451876359813638 12412 +1719870486728486915 12418 +6708572995942089219 12421 +8679441226610591748 12424 +15635535359727009794 12428 +1402827359192259587 12430 +7091489807456508933 12433 +39782756735598598 12438 +5068685990468381702 12444 +15490933234591310850 12450 +15980404161292361220 12452 +13300914952633740805 12456 +7825193060172540931 12461 +8297243368534124549 12464 +2624674638526519817 12469 +17080103631078268421 12478 +15492906182771184645 12483 +16786885369325090308 12488 +12066744839995841544 12492 +6701405406611581442 12500 +11683067714495729155 12502 +8012763571635284482 12505 +5421305561709540869 12507 +13783722910531006977 12512 +1522094003661129219 12513 +12213059873199473156 12516 +12008775520750393348 12520 +3772316197859102212 12524 +8753786881142352385 12528 +17126637381426188290 12529 +14678035165464540164 12531 +4407476763453275652 12535 +1338387619197301253 12539 +1334779608632245252 12544 +1037505307683411459 12548 +738634573951907335 12551 +14606749679911958537 12558 +8451450186414949384 12567 +742620921119909381 12575 +3482234059356768258 12580 +1106044625641494023 12582 +2748930953493723657 12589 +16740671437274518019 12598 +12515362184666802692 12601 +15302309773198512133 12605 +12375159534900478980 12610 +4402808221230731779 12614 +6176554780121083909 12617 +111460641355636225 12622 +2461531627388547076 12623 +10396381530032465923 12627 +8830757121507886596 12630 +16445664343594344964 12634 +10540873349857360393 12638 +14351719411419074056 12647 +4202157326116199430 12655 +15157715528854569476 12661 +15494201155049012740 12665 +5980652110161722888 12669 +16776540997876853761 12677 +0 12678 +8085601381819078660 12678 +14820555613473665544 12682 +1551830839408625667 12690 +4410551168074844164 12693 +4303335092362053123 12697 +4584436899763529221 12700 +4151252594069894150 12705 +12028593533484335106 12711 +3664764605397847044 12713 +3735618945057156612 12717 +10686682756384731139 12721 +5713432592713264132 12724 +12184460424241961989 12728 +16115860231705972229 12733 +12640297722992302595 12738 +3207424397621216771 12741 +18365975150748949511 12744 +0 12751 +874128735375975429 12751 +17682504209552385540 12756 +395717387149914114 12760 +7496882967109493252 12762 +7406368392467737092 12766 +9467253292174837762 12770 +8813145586120196101 12772 +9176324315702061058 12777 +13083082389509254145 12779 +2664855398940126213 12780 +13911219121258892803 12785 +16168182651636749828 12788 +12762280619893154823 12792 +3605365661261316614 12799 +9983397168978420741 12805 +6091693410635192325 12810 +8990713287527744003 12815 +5810073777845858309 12818 +11602058060275494917 12823 +16466926480187503617 12828 +13558712582679734278 12829 +10681617610569909762 12835 +9449048813789703170 12837 +16795850147604766211 12839 +6469571288642259972 12842 +12878310461733147139 12846 +277712063626750467 12849 +4031722453645824001 12852 +1368967617269859843 12853 +9265904878882356739 12856 +6378080977954638342 12859 +15499196841035433987 12865 +6022303701005722627 12868 +4521428849047063046 12871 +7990499471384007171 12877 +14704434112887426565 12880 +0 12885 +14232118470942950402 12885 +16826651839575227394 12887 +3311617368368316421 12889 +6156006830844317701 12894 +3784783320149545985 12899 +8435059930785239043 12900 +16476927023013934087 12903 +17799976522850725377 12910 +8962990841790751240 12911 +4976243636126684162 12919 +18247083344213308420 12921 +10535088088651193861 12925 +8505692237593032196 12930 +2887248052728911365 12934 +8477568421101916165 12939 +7690967939773748228 12944 +11662969793419976707 12948 +14674500384262248450 12951 +3982607603648349699 12953 +3351326442993710596 12956 +9928278498671247362 12960 +10725830396458998276 12962 +16877285202060454405 12966 +5975974268385461255 12971 +6618433889847541763 12978 +5458995013779756040 12981 +2561438321282175494 12989 +526562628858116103 12995 +3154498664269529094 13002 +7326463366314692099 13008 +12683002459583515141 13011 +14969796529319686148 13016 +11310028685797464073 13020 +10374647824241151492 13029 +12457607131815914502 13033 +2629361385005003270 13039 +3934138696636643843 13045 +17592070179586611203 13048 +5787868090402548743 13051 +0 13058 +249101697541922818 13058 +9341105933843206657 13060 +15290650547107936259 13061 +5085416195828322309 13064 +17780083510131108355 13069 +6073582897354301954 13072 +1861758705998650377 13074 +1827464157367311362 13083 +14281240626218445829 13085 +230812851749767687 13090 +15336676406305707524 13097 +6504952992746931715 13101 +11641565561286904324 13104 +14397647611077603843 13108 +2981078365805867011 13111 +1343512092493653508 13114 +11087464019135501314 13118 +6389978330749003267 13120 +15792991995959968770 13123 +4929449882497278469 13125 +9896586316734121989 13130 +17035226453889263105 13135 +1361432712074935300 13136 +5936797172025595911 13140 +10727876211413576195 13147 +18090890061574378501 13150 +2367501597276007939 13155 +16389194399068901893 13158 +12233617723961963524 13163 +12782701118121478149 13167 +8332974749268352005 13172 +8664024917394291718 13177 +17409065743296257537 13183 +15544671678668894724 13184 +16444121636700375042 13188 +7998792555974696964 13190 +14254468822324040706 13194 +7191869983133067269 13196 +13221965157041079809 13201 +2812128100518319106 13202 +8737973866086119940 13204 +2472143319905285634 13208 +4015389560775212549 13210 +16405277759063541762 13215 +18373015480731668994 13217 +2222800951854735364 13219 +9076222882063055362 13223 +5463261565169016325 13225 +15028912708602416645 13230 +13327477513656130564 13235 +10609970447590550018 13239 +14883683222943512067 13241 +15915184934476600323 13244 +13234193589776887809 13247 +9306581257450415107 13248 +11737562110548500994 13251 +8987859934004121609 13253 +9052251540778657794 13262 +8654316200716056066 13264 +6667343090162345989 13266 +1379425201411386886 13271 +5012838612239312392 13277 +3271382726083460100 13285 +9518141596909139457 13289 +13298258045414991366 13290 +16550434707408421891 13296 +8260369642872951812 13299 +10316974938300122630 13303 +15895992116438206466 13309 +14253257549576810501 13311 +15905414113282233859 13316 +10450217779668455432 13319 +15745177255811068420 13327 +14738509606228518918 13331 +5101125473620697602 13337 +6690155177328710150 13339 +0 13345 +14424586673053215749 13345 +15029552587684882436 13350 +12550323859755323399 13354 +9293961748678471682 13361 +637431922303270916 13363 +16242038891494284807 13367 +18158610299059895811 13374 +10251252154038536194 13377 +13190824639439536132 13379 +17160625256504558593 13383 +13526570939763796486 13384 +15724797160603523075 13390 +16038204540993179140 13393 +3466976566687046148 13397 +4746827244448541188 13401 +2467599623356338691 13405 +6450358447913712644 13408 +16015439547371570178 13412 +16984268073598992387 13414 +14234905064360479241 13417 +413979451247037444 13426 +14011034604228384774 13430 +2702942300832205830 13436 +15705520753702884865 13442 +13990397065796725250 13443 +1700507247365810691 13445 +10233012312918380549 13448 +8853086510181360132 13453 +13203461381707802631 13457 +17212903010661554184 13464 +15172926267671686145 13472 +16113909410395563528 13473 +12379157908474554881 13481 +1245526834105052164 13482 +11058899814393380362 13486 +8681035516024660484 13496 +8766625987780981250 13500 +5472062122994503173 13502 +6007984470031090694 13507 +7287601931931166211 13513 +13183494183604624389 13516 +7905126925285846020 13521 +12586856455282386438 13525 +13634829401450904070 13531 +169398828418722308 13537 +11096850462726854146 13541 +2164371344392353282 13543 +6312641344718251521 13545 +15674437275514428933 13546 +3736152607802519042 13551 +5597556059136936452 13553 +8103905983112059909 13557 +11665877704992283142 13562 +6107730383487737858 13568 +9480185867277071874 13570 +7933805917534836228 13572 +5955519866919602695 13576 +13900430609802251268 13583 +12349122850452672005 13587 +14528719996910371336 13592 +12251338381283026948 13600 +2710795378109574147 13604 +11474241274732521476 13607 +13427658615735932421 13611 +8912266582484875778 13616 +3722801593636583942 13618 +16550391083892760066 13624 +13619354357858119173 13626 +8727836908946314759 13631 +10563781646847648262 13638 +3291740889350237188 13644 +18340625656411848708 13648 +7353833775340271622 13652 +6036515220748342787 13658 +2682934860218721288 13661 +0 13669 +10890969403669502472 13669 +1698818198644982789 13677 +8144618548815390724 13682 +8177124160264739334 13686 +9190729491733559816 13692 +13247191018055501826 13700 +8926812079026545670 13702 +11808868806009021959 13708 +10254160684107980802 13715 +9941943579579235333 13717 +15064437367324982276 13722 +18389204596430512135 13726 +3333761312886460418 13733 +16881966811642694660 13735 +15682769088423447043 13739 +12370022231708974083 13742 +3233049317900694020 13745 +10842408673598138885 13749 +13609778797650313222 13754 +15209499715364805637 13760 +9763002843937506822 13765 +16382902616425899013 13771 +8300850623972471811 13776 +11301215180861748227 13779 +11943663704734270472 13782 +1970177222978480643 13790 +2728257043619592709 13793 +4447462726414004225 13798 +15714645760815263237 13799 +12505399810250688513 13804 +9384932016292151299 13805 +16443297417377086469 13808 +7824591865108749316 13813 +16390957546589817351 13817 +16237140166470359043 13824 +6672447926510548482 13827 +14740775713137359365 13829 +8086104570442646020 13834 +16934459538060041735 13838 +344608878680645124 13845 +1612881165219974659 13849 +10893446418135496707 13852 +16261100821940120582 13855 +11292019982035407875 13861 +6889608317950726663 13864 +7762564524976370692 13871 +12464524485899140614 13875 +828527740310496265 13881 +1978049814964993539 13890 +6150693879050872323 13893 +7567970882354841089 13896 +8846788660638257668 13897 +9177091723105666563 13901 +4848822580892926470 13904 +11998110737987011074 13910 +8403025933710118913 13912 +1782044456537587713 13913 +6628374549372231174 13914 +3770776917186945027 13920 +15238137142781946370 13923 +3403477472363952647 13925 +14217636911428752388 13932 +7720504953769980931 13936 +10824675402192857605 13939 +11205476317417691140 13944 +530907111560936963 13948 +7267800635730292743 13951 +7979476521241451524 13958 +772950757191361026 13962 +7308382545129813511 13964 +5581653184418330625 13971 +1404016297970731011 13972 +5923900764325945863 13975 +12788777595197221383 13982 +13176683084257986054 13989 +17092599070045406213 13995 +12000054740192119809 14000 +5743268545850883076 14001 +15003777886770376705 14005 +11887510677488354819 14006 +10849049503752227331 14009 +0 14012 +18257514161084279810 14012 +5331233094892482051 14014 +8131338916424816132 14017 +4318587594053384194 14021 +17044919741453138436 14023 +6226443437510115333 14027 +7636034538211622916 14032 +7840025245928041476 14036 +8502177283466699781 14040 +7007375347545144321 14045 +2630988339218816004 14046 +6597455680256593416 14050 +13574507751253758470 14058 +14646087592261363717 14064 +8789088639606877698 14069 +16765227370905912834 14071 +10913076804610375684 14073 +13542085230779471367 14077 +1516263824172228102 14084 +4980660004781899779 14090 +17041034259515841027 14093 +15295713059175936003 14096 +1314856351920834566 14099 +6085373326494205956 14105 +3408355230273542148 14109 +3598868088051944451 14113 +6331232095249723907 14116 +8889296217906839554 14119 +14939916878160028165 14121 +1549820871959159810 14126 +2035377455936267785 14128 +13544041940535709702 14137 +6786320352325362181 14143 +3616012417850329093 14148 +0 14153 +9009975974837469189 14153 +17278449188133835266 14158 +13333796790334740487 14160 +4141365993250499588 14167 +13493776093427685378 14171 +15673105033383497220 14173 +13502354582584595970 14177 +783026207537476100 14179 +18312105660177731589 14183 +4759999908913998338 14188 +13797171204681282051 14190 +16147726355394311684 14193 +10664053175419882502 14197 +11498675070376913923 14203 +17418067484174057985 14206 +6052299949734239236 14207 +12133816823200052740 14211 +3872785641234978307 14215 +7869397762735653380 14218 +7760535495823383044 14222 +9780447862789132804 14226 +3082660101601285122 14230 +0 14232 +17038889871022831109 14232 +11440376238610710531 14237 +12777470487069713923 14240 +2816918459507549700 14243 +4910840330853004293 14247 +959690055199633413 14252 +4994912192868970497 14257 +7646413144552235522 14258 +4385495935413401602 14260 +1312851003845759491 14262 +13495920265503305222 14265 +7347347531544706564 14271 +7253265878071375876 14275 +10533626817864283653 14279 +14170852681931957763 14284 +5039297447980355076 14287 +6158726336145742342 14291 +10977479425404353540 14297 +17936869497345324552 14301 +11039045650689328646 14309 +13632071864698171402 14315 +8907674009331629059 14325 +3987825744088740359 14328 +10338687178644750849 14335 +7551809965276372999 14336 +13623165015234993666 14343 +13715748827540060675 14345 +12834555057410231300 14348 +3108161733832090120 14352 +10430435145635995653 14360 +2107558887925815810 14365 +16329224573067338754 14367 +11041121225175689732 14369 +14722305291351145477 14373 +14627758191016025091 14378 +16285346467687875077 14381 +8780091672975044098 14386 +13472631295160121347 14388 +14688798700506555913 14391 +6320745602974929926 14400 +14261962534315353091 14406 +11072928817707714050 14409 +15300245014524487172 14411 +9472629617981368324 14415 +3726306393712333318 14419 +18196225523998769157 14425 +10960387675061327362 14430 +5527203764909828099 14432 +808895199609813505 14435 +10847599184611396609 14436 +995587497922589698 14437 +1590538038418046979 14439 +13698374779530592262 14442 +3604960241183667204 14448 +7779757215009681922 14452 +4651628378172724739 14454 +3997471665096460290 14457 +7842624015990700037 14459 +10383605968108846086 14464 +1378286210010515458 14470 +14230439073943196673 14472 +8231064682278646785 14473 +4254911660142687748 14474 +2815669530176048135 14478 +18351388644009324036 14485 +4010598364334879237 14489 +13812154014309658118 14494 +18049405260160207875 14500 +17476874638703301123 14503 +11387403184802898951 14506 +3153553365208555522 14513 +3714166768980414980 14515 +3046827821235887106 14519 +12203036360005396481 14521 +2060300423105750530 14522 +5072803955481498627 14524 +8653510352353633284 14527 +16326306854398076934 14531 +14277263551013196804 14537 +17485054539146397698 14541 +10048462705876450817 14543 +1457401363940943366 14544 +2904806108682432517 14550 +8992431016145113096 14555 +3285637878506178049 14563 +3933280403607144454 14564 +8936444236783751682 14570 +14877827260744498692 14572 +7271084811294010369 14576 +15336704815572067843 14577 +17920314279788389891 14580 +9333136389766215682 14583 +7697736606942494726 14585 +18240141339548008964 14591 +5290780370698074627 14595 +5751882114671170562 14598 +13408143094652873220 14600 +2861090066567456770 14604 +8046326189812894209 14606 +3674796185120295942 14607 +14555010058367218184 14613 +1842362937766169604 14621 +17589542025538129414 14625 +4925548736351579141 14631 +16595449900940600834 14636 +5346595429221873154 14638 +15415850625781663237 14640 +10913037308095071749 14645 +17389698812367023626 14650 +9498470104164944390 14660 +7397278380249509382 14666 +15177961788576747012 14672 +15145696386535605254 14676 +17022387045549769730 14682 +2238803001465201667 14684 +6075209623694060549 14687 +12198282152044282372 14692 +0 14696 +5659268175422108163 14696 +4253120343819312135 14699 +15010725024791859716 14706 +10296194635016570371 14710 +5604970157839490562 14713 +17507103276998423559 14715 +14393900269366629890 14722 +17894881938514285573 14724 +0 14729 +0 14729 +1298660425000043529 14729 +7171678753326287876 14738 +6562754699876989957 14742 +1196730925699526658 14747 +11449002762213251074 14749 +15268563437451918342 14751 +9065264847984203269 14757 +10622993989326306819 14762 +924604109983810052 14765 +3453077896343089670 14769 +11731462205925408262 14775 +991269974490604547 14781 +8980384891536506372 14784 +5613065549489812995 14788 +6666524356174842888 14791 +14105327515074216456 14799 +13263744247688051715 14807 +16810876388642847747 14810 +12990671777312954371 14813 +8840598492381898755 14816 +767897363021437444 14819 +3314365532383032839 14823 +5161817739191354373 14830 +14298184800217493507 14835 +14141197185590285830 14838 +16520972368247089156 14844 +2377678234797769729 14848 +10399625816314890247 14849 +6941307036840197636 14856 +14756845413506277894 14860 +16899193381039454210 14866 +14319950943807595524 14868 +15520328798727682565 14872 +3263086050398303235 14877 +17866460781639129605 14880 +10470237091975768579 14885 +1652879471744849415 14888 +11255476856644426246 14895 +8902949825250266627 14901 +17238190743009251331 14904 +3307280448802360834 14907 +10058079898544953350 14909 +1419759444389052935 14915 +8390720631461911559 14922 +15743223111540787714 14929 +7133091938692165125 14931 +12708599562845006342 14936 +5867384900460402692 14942 +1444368202739845126 14946 +4586714095813959688 14952 +2798753527173000196 14960 +168473019937010184 14964 +3910489047229974020 14972 +12372891012742395395 14976 +15195386080855117829 14979 +18153725033610027011 14984 +7315039806348404230 14987 +16401136584870738946 14993 +6449596519611696646 14995 +1659262119740230150 15001 +17581047245710211587 15007 +16161380005657760262 15010 +10939006714167719430 15016 +15269492797971609093 15022 +6700147092166814723 15027 +7923098964720423429 15030 +689487607343764996 15035 +13779494186256003591 15039 +4789739600904136705 15046 +17635248409557391366 15047 +12142679551509594629 15053 +3096388490794904069 15058 +927409437949131269 15063 +12333631308183633412 15068 +7068502980000364036 15072 +13069341190937915393 15076 +17779074742089273348 15077 +16386664986328106499 15081 +10350575001669524999 15084 +6321774527599540226 15091 +16270029058184505863 15093 +1077766061298937861 15100 +13558224899982736900 15105 +11136051843626819591 15109 +11055752854096537092 15116 +9052776164010900486 15120 +7768862568680176643 15126 +16094168378216287745 15129 +13919099648905714691 15130 +6628498361307332098 15133 +14786896093420804615 15135 +2578878532993067523 15142 +2213442428083363330 15145 +7760678568086374401 15147 +2131548102570356743 15148 +5751548007406588933 15155 +8716796819508705283 15160 +5035383406551641092 15163 +12928125543870038019 15167 +13442419185582573570 15170 +5668561530842196484 15172 +8123952876358065157 15176 +2046683892052952069 15181 +2843100065289358337 15186 +7651738694326678022 15187 +9690639476570462724 15193 +2775773534373272071 15197 +14418400500098954241 15204 +17336224053286611458 15205 +2491990846729884676 15207 +11294055707834033154 15211 +3753562386954352132 15213 +2508766928500689412 15217 +0 15221 +8728521158654600706 15221 +2686410408744322564 15223 +14473248549494521859 15227 +8972049629866044424 15230 +11667900987411980802 15238 +8197642347684603396 15240 +9061639312202392066 15244 +6149429416248440324 15246 +7490444804365278726 15250 +17761700129458453505 15256 +8620095821511166982 15257 +926399190350812677 15263 +7407890588882912774 15268 +5356940668430455301 15274 +3349104872264632836 15279 +1652630511555077634 15283 +10951499359352679428 15285 +15938041053229094919 15289 +5199368564116424194 15296 +15486831040091271173 15298 +5078367452700587521 15303 +16700641648352967169 15304 +3865302633464716801 15305 +2353274821400005125 15306 +8643281180950917633 15311 +13574107705803871236 15312 +9457134699015983106 15316 +13385939340274043909 15318 +9752668258101721091 15323 +5719778531808112647 15326 +766611518863043075 15333 +13772547686466184706 15336 +3657266875648225282 15338 +11996819912632866819 15340 +687437273254486020 15343 +13255769753892854281 15347 +747577616738055685 15356 +7055940814831049222 15361 +6157949265182022146 15367 +5655918058823605764 15369 +5210176088204630020 15373 +13554151125448027651 15377 +4798083306110681095 15380 +12204750435978096646 15387 +8852151826510345217 15393 +12798827919122154501 15394 +14740838290773535746 15399 +4309323069315187201 15401 +5702799191447370245 15402 +683299608493353478 15407 +5051955787599012355 15413 +13398403930937562118 15416 +1531915343020655107 15422 +17188516428500960260 15425 +16124250279683355652 15429 +1764098375135595525 15433 +9097876736931319815 15438 +17869095292263499781 15445 +11649761591729391618 15450 +16561376165694188549 15452 +5201378040639933956 15457 +8758092541852463617 15461 +11976798349817503745 15462 +11266391559708652039 15463 +8484683831411981829 15470 +5221985805395733001 15475 +6936749646563686915 15484 +12244752263107646979 15487 +15891887731485541379 15490 +8392273606485181957 15493 +15133153510599311874 15498 +7836571529301832711 15500 +14080286549764188679 15507 +13068983096696674311 15514 +2006078626274936836 15521 +12202363173998758915 15525 +13104853774190801411 15528 +14863551843389420036 15531 +7539250977380289027 15535 +1552949661091337734 15538 +5573697616868311046 15544 +2944087935137007108 15550 +14484678358485036548 15554 +16130729329905474561 15558 +3092656536438436359 15559 +3611746164122124805 15566 +12586950003497402372 15571 +18065892141336194050 15575 +2496768376782397955 15577 +12062805661117606916 15580 +7824886124865325060 15584 +0 15588 +12760389217582571011 15588 +14121713469640325125 15591 +17999299023678124545 15596 +4754184563243073541 15597 +7483579988306499078 15602 +7956379304936072706 15608 +844694536158194180 15610 +13057764355138266113 15614 +10466772133932454919 15615 +9507030137558141445 15622 +4439560788326429700 15627 +5216532451466159620 15631 +9505366037295340546 15635 +11739318461063968773 15637 +7213285389865933828 15642 +12341323523164178949 15646 +9178782980503943173 15651 +7703462595048093186 15656 +5521594976002276356 15658 +3123603149719211523 15662 +12621182801627492358 15665 +8385293365191145990 15671 +8727159053844526083 15677 +8948544765707203074 15680 +17455475936845596164 15682 +5288417791676919813 15686 +190631987331009031 15691 +17087027999035004930 15698 +6609729664297506305 15700 +17711760889774320134 15701 +8374984389264745474 15707 +3112916689274964996 15709 +7331164788938994692 15713 +12196295269673696261 15717 +12927261340892633093 15722 +17978854320027649543 15727 +17461152836258146309 15734 +11865638569184484867 15739 +1199958996117990918 15742 +8678912280144543236 15748 +9766720881391520771 15752 +1428712719554810888 15755 +14971042759139292678 15763 +5560434780012563971 15769 +9767149813435731458 15772 +6989914397873855491 15774 +16927709224437883905 15777 +5782116024290385922 15778 +10333920830091902469 15780 +9056876495191724036 15785 +13054225123009053190 15789 +7984517122720985604 15795 +10631728965346826755 15799 +2258366780721174532 15802 +12054954574885901313 15806 +13335816484972704770 15807 +3783695405842912771 15809 +1033364660225402375 15812 +5684713302316976648 15819 +17548362261586895365 15827 +3342250254644404739 15832 +9812330173792421382 15835 +10874079939479873026 15841 +18099546285516091906 15843 +3282364113389692419 15845 +249095135310879237 15848 +14975524893918032902 15853 +3327418627228950532 15859 +2982886423678641668 15863 +15751874937635127813 15867 +10844265018789715459 15872 +12489338108337053190 15875 +755479110489958406 15881 +0 15887 +13708788513260689417 15887 +2749888616534478849 15896 +9636645851910313987 15897 +11869793344042069509 15900 +5320991923474129410 15905 +2619930589985167876 15907 +0 15911 +10792642013652267015 15911 +6585203347170257414 15918 +419359807915877381 15924 +7771920195516088323 15929 +9868097678590253569 15932 +15657160589599684609 15933 +13438099892401364483 15934 +10778873674151911941 15937 +2271910222897332226 15942 +1998108977744548870 15944 +14140450484536032771 15950 +3208998299026743297 15953 +3501502426430923267 15954 +11486198959334765063 15957 +2761255764450992132 15964 +2321570412977651205 15968 +8541808547406124036 15973 +10023401179390026245 15977 +4258888870272963078 15982 +14156734669007975427 15988 +5729830697068871684 15991 +11139135665159838722 15995 +12011408787839707141 15997 +6695880794815855110 16002 +5781495723767517699 16008 +8569845114130515969 16011 +9499355552678048263 16012 +2248440303564598274 16019 +11595402592607535106 16021 +2932725983249549826 16023 +3133211214208809991 16025 +1768113985732880388 16032 +4111692847180884485 16036 +12100749234268697603 16041 +7805481597971446278 16044 +4608047927390920198 16050 +10170754521675705863 16056 +17658000065149003270 16063 +10552454198262614018 16069 +13010382514576504327 16071 +14522135373803654661 16078 +2367947660135938562 16083 +14414261980876430850 16085 +17173815458026456582 16087 +15216939188287693830 16093 +13993190405979435011 16099 +8344983156804591618 16102 +10504066987000811010 16104 +1304321993809333255 16106 +11465644334175134216 16113 +14445940515832860676 16121 +789984667580952580 16125 +7248964449278203397 16129 +16369267969303261189 16134 +18193708705981115395 16139 +9309836431132274178 16142 +6920018385803424265 16144 +10923595787250462726 16153 +8257595281108038660 16159 +1864172796201735170 16163 +1914572024878798851 16165 +13076202776970055683 16168 +5024752612887831045 16171 +16991458392906301957 16176 +1675404290888124421 16181 +9262404939486988292 16186 +15843076684082547715 16190 +15634574000836647427 16193 +11384561229295347715 16196 +9186215307525330433 16199 +0 16200 +15926172719395225608 16200 +18178337220792329735 16208 +8681329367772078595 16215 +12132431800087195655 16218 +2350574933552497153 16225 +9336365037016981507 16226 +6621140273852296199 16229 +6510465217023921158 16236 +809213127820757508 16242 +3566956996893005826 16246 +442461800311191554 16248 +17602885264647227912 16250 +12499555744293475846 16258 +7472817672454638084 16264 +1241426168079179270 16268 +16264953584216460291 16274 +14497246645085584902 16277 +12567631886224771588 16283 +3873666318297940997 16287 +7909503270361565699 16292 +13861604735671500290 16295 +138469117356679171 16297 +7151469781238857732 16300 +12744836509061908994 16304 +14987387734545991683 16306 +12617694297473789953 16309 +11241966256719896067 16310 +3603342094109643268 16313 +16010603665201581063 16317 +14060031002472908805 16324 +17195861919385762819 16329 +4076353850100811266 16332 +9485282208659906562 16334 +175592869961205251 16336 +3141613811036190725 16339 +5422662250330551301 16344 +14009632151253523458 16349 +10112330939611039234 16351 +16557870780259964417 16353 +9836209563032038918 16354 +14241855743050633224 16360 +7631509127890675717 16368 +7226503217088593923 16373 +763122632749542406 16376 +6688242590025622027 16382 +3074156263523128840 16393 +9474847376272651777 16401 +5803987997174168582 16402 +11411937467782560260 16408 +15354185475493971974 16412 +13682122397230060038 16418 +14115734780573701124 16424 +3933314776264269316 16428 +92225890385477122 16432 +10831764426726875651 16434 +2218965560302346242 16437 +13561344058473694724 16439 +3073234565033522697 16443 +10820661560508100612 16452 +9269362997721353729 16456 +13745179360179365378 16457 +11445324282022925321 16459 +16310297929601254401 16468 +5173284435504957445 16469 +8818608462280786435 16474 +17457064862303630339 16477 +2463812236695630342 16480 +7145667179870722562 16486 +10725603603131387908 16488 +10158680435551595523 16492 +14412413416154549253 16495 +17428881339267963907 16500 +4106305643566539265 16503 +9676142751927004163 16504 +7453315425601537030 16507 +7598940329309103621 16513 +10526581927101472262 16518 +17935104779805958148 16524 +3758673756433922 16528 +9596639824281552391 16530 +14369992752154610183 16537 +7693215610240052228 16544 +17551403411195354117 16548 +13019630222256981508 16553 +4020156263742367235 16557 +14606649945293132803 16560 +8842084694740752391 16563 +2798600913872307207 16570 +3757592654277478919 16577 +15446249856433497090 16584 +17693153833701310471 16586 +9910925777138561547 16593 +13055510764856512515 16604 +10023874267673358341 16607 +957576927234570755 16612 +13917824508933583370 16615 +168178799679481862 16625 +15448684507434894854 16631 +6930214542015929347 16637 +8136286497233346051 16640 +6807992015092897285 16643 +8431678187179216901 16648 +9537496552673034755 16653 +10681001332392954884 16656 +5732754446687323653 16660 +7155447098470747138 16665 +11375780855155008003 16667 +12124239004019506182 16670 +16316620824538485251 16676 +4858575946309935108 16679 +9951912306033172484 16683 +3005088234370163201 16687 +15670874274809338377 16688 +728450118747107330 16697 +2270186523438867971 16699 +3943462237345344517 16702 +1336795406894488069 16707 +17575621548435392516 16712 +13967973409047532550 16716 +1568560125693831683 16722 +5481124126807464962 16725 +0 16727 +15595801296699539972 16727 +13785929539824755717 16731 +3366833987180409354 16736 +4000639589162706437 16746 +16717379859232507395 16751 +5362322304379685897 16754 +10782919554701121540 16763 +12948304792450021380 16767 +11436362476655370243 16771 +8749425767385849347 16774 +8387955775608250882 16777 +15174695807753513986 16779 +14369941715221958661 16781 +16291843778958930950 16786 +9692119420233703434 16792 +894358786648325123 16802 +9281978755542624263 16805 +10487630931319215108 16812 +17246313185588798471 16816 +13455791423679050245 16823 +10914862685017077768 16828 +1237309639144574983 16836 +13723811217686563330 16843 +12708780480597426693 16845 +13010194070358237185 16850 +4855412500480280581 16851 +9671431739048087045 16856 +11368682294860186629 16861 +2384776607274351108 16866 +17772805632238230019 16870 +17045277897922533889 16873 +7643559406824897028 16874 +2862657949273119748 16878 +7365591654048841220 16882 +13200274282081143299 16886 +5206989348923612678 16889 +13582831567466913283 16895 +5918607685514682886 16898 +7660329710197792263 16904 +17205627511838614021 16911 +11726191512490381314 16916 +651187604691278339 16918 +17308328751283978243 16921 +6520286040512743429 16924 +4039731127251003908 16929 +12176381596648684548 16933 +4021879114262861827 16937 +11136572910174422021 16940 +13948306154363081222 16945 +12080525035450133507 16951 +11350990226254795781 16954 +8801666769837051905 16959 +15463470987727951365 16960 +10454599059849073665 16965 +14763257105467839489 16966 +648108464367766532 16967 +15248825115691951108 16971 +12058553377371066374 16975 +15789848914979481095 16981 +1641701158094556164 16988 +10727532813164872709 16992 +17544433164488726019 16997 +1675889455378571783 17000 +12356410907025680897 17007 +13333741382346910724 17008 +17258174103076675074 17012 +10086036949652241414 17014 +3814100979877037061 17020 +16366981890481969155 17025 +10250151123007862275 17028 +4173585179778037765 17031 +13373539163194862088 17036 +2688840590792312330 17044 +18025322868874599941 17054 +10551563801354765316 17059 +13211097110030330378 17063 +3784939652408209925 17073 +8642366636316541444 17078 +1540285967082134529 17082 +2293295528221077510 17083 +1747955910061526534 17089 +10636434739450543624 17095 +13743880922049955843 17103 +8063688235303193604 17106 +818368515880918019 17110 +4112190471515738115 17113 +15658313765390427141 17116 +10434318824381541891 17121 +14064367708445734403 17124 +7203675908084158469 17127 +15994884299742145025 17132 +8521133521439942659 17133 +15588122992034079235 17136 +6002357929682310149 17139 +2004980834696690694 17144 +18177821874392132618 17150 +7709561913213189123 17160 +15358741614351922179 17163 +1672562625119075331 17166 +4107884749503929860 17169 +3612196352059864583 17173 +11507634571267751425 17180 +7674449961357663752 17181 +15621287024044979717 17189 +10919701856335109124 17194 +13190581112120989186 17198 +17589141157210182661 17200 +11519964524424169991 17205 +17667249222796163589 17212 +3587487192658486789 17217 +6441660942338496005 17222 +7713329909375029763 17227 +2288890454030197254 17230 +12977255455689313284 17236 +11129254490087007747 17240 +18063928688060691974 17243 +3306155717530120193 17249 +142664115798568453 17250 +11451741210815164929 17255 +5542654909755627012 17256 +12333475172171757060 17260 +4735847404800822273 17264 +18267960802055850506 17265 +3896362544743745538 17275 +16761856957558551556 17277 +11835597171943120899 17281 +4298164157955774981 17284 +4630398237377191938 17289 +3808737322223238148 17291 +9606712972077385220 17295 +10494317942236707329 17299 +2379468378458786308 17300 +10168220436197538820 17304 +9427662550240330754 17308 +1672406101776295941 17310 +6383403659755798019 17315 +11189963840898617345 17318 +7335407141519919112 17319 +747374084929528326 17327 +14538040086767506950 17333 +11196384959340548614 17339 +16356867345244325378 17345 +2271395522745112579 17347 +9876107209196200965 17350 +6921806653371556355 17355 +15181241556352368131 17358 +1174216518821339140 17361 +2012925303007303172 17365 +13931009377754995717 17369 +8047350728976489991 17374 +7438520702964098052 17381 +0 17385 +6684712733158829058 17385 +11332127091060461572 17387 +17002280506553907205 17391 +3514535947133170178 17396 +8526303812761246721 17398 +15870288332532318213 17399 +3881593241366358533 17404 +4222598939663902210 17409 +12565457205517440515 17411 +7918616815569995267 17414 +2875490170152657410 17417 +4298873671750743556 17419 +12444455757948017158 17423 +2366511008555884036 17429 +15883506557566549510 17433 +4577297409817313285 17439 +13778731385799360515 17444 +6782928772034828807 17447 +4994808521374817799 17454 +8407565615033383427 17461 +9692927894032378373 17464 +11724810269885645315 17469 +3659957223801713154 17472 +17870320697510681090 17474 +5175479627339026948 17476 +2258865228760948737 17480 +11117719263156934149 17481 +4988421411945945607 17486 +14163610922500581378 17493 +5954344827416169987 17495 +1347036819365834242 17498 +7198297781688756740 17500 +11239363011573762051 17504 +11622891401327430148 17507 +5597816610907971079 17511 +11573381548281124870 17518 +8492394176876951046 17524 +0 17530 +3193405464725286917 17530 +7738117676361888772 17535 +4685116640649133573 17539 +15794490929205153796 17544 +14063102514943976962 17548 +14529449973527450630 17550 +8522095092813377027 17556 +3182019852541112324 17559 +10321282630304421380 17563 +11768816400257157636 17567 +7352730878026856451 17571 +8455151885060162565 17574 +15655677905815262212 17579 +15623377319174839811 17583 +14352421196997957637 17586 +3453532771091131401 17591 +1401305515470494721 17600 +8332460253478134789 17601 +7694527351354019844 17606 +5479693311151585794 17610 +5836069301968733699 17612 +16094073362137641476 17615 +15462253594350105091 17619 +16772941707642549251 17622 +1782826113570473478 17625 +12819371169152317445 17631 +8686615255597899781 17636 +13222020745636422659 17641 +11082193441184998920 17644 +8179219702327108611 17652 +18423152973478520322 17655 +6282318964517185026 17657 +9871296212321764354 17659 +6041813164201593861 17661 +1749872039365641732 17666 +11666016608641740293 17670 +4721894849099663873 17675 +3489267686533125125 17676 +8592285880196345349 17681 +2043277127001270275 17686 +15188540626593854982 17689 +4557589976809583619 17695 +17922018342133836291 17698 +1297569018372401157 17701 +10482802493820874755 17706 +8102918929463282177 17709 +17541150295575631873 17710 +11566274259309295109 17711 +15930435172371108865 17716 +9822211045426998785 17717 +12295293682320574979 17718 +17102416844099696644 17721 +16781106596862938629 17725 +9091407543898291203 17730 +3519826661826094596 17733 +7833979206721106952 17737 +11435282939726255622 17745 +1114475543480179204 17751 +6371264576379653637 17755 +2310062212136228868 17760 +11963043156725259267 17764 +2860161379056126472 17767 +12821644714798300679 17775 +1012108339891226116 17782 +17436792553805650435 17786 +17818576576565913092 17789 +11076001776201529345 17793 +4534031977629217797 17794 +10189959341430652419 17799 +8990976456741980676 17802 +7713573043408130054 17806 +10222153754423605252 17812 +7423292757267235330 17816 +6961156588553027074 17818 +14269072112074601476 17820 +1980812433319349765 17824 +1785039647471414785 17829 +5676415986942417414 17830 +9745874257406359041 17836 +6959639540668195337 17837 +7525904531215383043 17846 +17380091214338275846 17849 +11329718190243951620 17855 +16209013722115659778 17859 +771952581622631937 17861 +11064948963225182213 17862 +12416577619912552452 17867 +6952828545731272201 17871 +10799577832180259845 17880 +17244026501544257029 17885 +1659713445362397190 17890 +6103827333448853507 17896 +3349098397925518851 17899 +8908983528737799171 17902 +16013925903376609795 17905 +3619342023203542533 17908 +2812027978748312578 17913 +0 17915 +18097738988389760518 17915 +5252931410969472518 17921 +10058934834223504389 17927 +5177593998637361667 17932 +16176382142906264072 17935 +630144026122122757 17943 +3228970261461480963 17948 +13761095648307554308 17951 +12786982902260986373 17955 +17548488329187731970 17960 +15314179616774040066 17962 +6945266860239606274 17964 +12858141179130790919 17966 +167300766313438724 17973 +3438328933435133953 17977 +14021575340728981509 17978 +9732304168962845699 17983 +13942104242824375300 17986 +9922258559797177858 17990 +1996129678700595717 17992 +175639815544318983 17997 +12560559347890081795 18004 +1723505452697790468 18007 +7561903528222214664 18011 +6042451753662604292 18019 +9451080257116878337 18023 +0 18024 +1398320397313090566 18024 +14262781021071523846 18030 +9329258833177151494 18036 +10627418590197970436 18042 +5333770063374466053 18046 +16950868471002420739 18051 +16817613425314441226 18054 +6954148744208940548 18064 +8565578662899232259 18068 +0 18071 +14495399206354589698 18071 +14233285611878121985 18073 +13931489794906666500 18074 +16178316711416903686 18078 +11278882755625983492 18084 +11318936997117392386 18088 +3614828526851149830 18090 +2335123958036325382 18096 +5230377898758228996 18102 +2294247001847661575 18106 +3761228197538459141 18113 +6874316636351255557 18118 +12864086709382769669 18123 +16738430204146800643 18128 +4900644730863367683 18131 +10512470447628861957 18134 +2927989961696999942 18139 +5001755922844922372 18145 +17590640775353021953 18149 +9215862377102267909 18150 +7840338708470339074 18155 +1993959218506116097 18157 +0 18158 +12590506651592326148 18158 +15422255391256097795 18162 +6906027658093860353 18165 +2751374604562740229 18166 +13230069799387228677 18171 +4304170726974286337 18176 +12740659976309807107 18177 +136778279469512706 18180 +6161593865547933188 18182 +11814101619238886916 18186 +8518444463920976391 18190 +3531454249170141700 18197 +7191227558546362884 18201 +12465225876838513158 18205 +1657220457602519555 18211 +6225752460860126722 18214 +5882375914743738881 18216 +17337005874402123780 18217 +389771746950551559 18221 +8922975969289334278 18228 +8534602908707787267 18234 +891311815525217795 18237 +6232996772412875269 18240 +4727973386148059652 18245 +506953033189091331 18249 +17420867719582788616 18252 +11270492574651299841 18260 +10356631394229293574 18261 +3746875371958077959 18267 +17705366731176088580 18274 +12998529367203957768 18278 +12314477084371021831 18286 +13005153686906072580 18293 +13115233650775483398 18297 +3562764795518459907 18303 +6620891837104202756 18306 +13802894530395574789 18310 +443591533364001797 18315 +11387738357873796612 18320 +16389703606019348481 18324 +14571192331160968707 18325 +9101764594929649669 18328 +14370315167266205190 18333 +933675538736912387 18339 +997527938686202374 18342 +3473983656621236229 18348 +15278223937961091587 18353 +15554218278435862021 18356 +12473418271170412035 18361 +14049620737886583814 18364 +16636638191424290820 18370 +2351280186259676676 18374 +8357338852231329797 18378 +1923688151521455108 18383 +3374419350130681859 18387 +8193969005388122628 18390 +12116666816273587715 18394 +9192331221678348291 18397 +13016787343022781956 18400 +8505006092072621060 18404 +4233515864375304195 18408 +17183526090038710792 18411 +7963404114523525633 18419 +6179303958304373251 18420 +14432319195548232708 18423 +6571455811888811013 18427 +2314070410384256513 18432 +5092197060829454338 18433 +8193719287171960836 18435 +1349556313451890183 18439 +14793177070155522050 18446 +16413624620539258370 18448 +3610061588148637703 18450 +13694443593011298819 18457 +10727858738142746117 18460 +9205641130992447491 18465 +11074797158559407107 18468 +2985930667951245831 18471 +7290209912838366212 18478 +5183757187021164039 18482 +7272313912069238788 18489 +16228643199154712581 18493 +4316209185683977733 18498 +1548315203793256966 18503 +9663226883979716613 18509 +15136794913047585285 18514 +17324366124438272515 18519 +10563246599149138433 18522 +17762788941056959495 18523 +14315951256589227527 18530 +4746125897230415873 18537 +13323035088113107458 18538 +16415162911478610950 18540 +346154771424253443 18546 +8536914996416779784 18549 +18060816646048530440 18557 +18316029442525288965 18565 +16584752379970261507 18570 +3305115129723970054 18573 +12754053406163236865 18579 +10288323042524973059 18580 +6948619076906352131 18583 +17006974985356154884 18586 +7571074356506145795 18590 +10962356503027771400 18593 +5371157097752181764 18601 +12479596814088679432 18605 +15618741970361624577 18613 +16935889973654728711 18614 +7456776946874727941 18621 +1805370695343914501 18626 +8383583155980072963 18631 +9242964421057617410 18634 +15310450269391178756 18636 +6725368505536562178 18640 +13304287345038720516 18642 +4095025754538486785 18646 +18277066396944775685 18647 +17798459331767486470 18652 +17199484422425610758 18658 +5937276190073097736 18664 +16803865155977357827 18672 +17733760864808044550 18675 +9207062636140064774 18681 +9752892627399826947 18687 +16226777471151469570 18690 +14930557332625612804 18692 +13110586753501332996 18696 +11776103145673695749 18700 +7701346060566435333 18705 +6630691907856609799 18710 +12868026350682106887 18717 +15868939197246231043 18724 +3458686518925345281 18727 +11019532163132556294 18728 +3262890713532353026 18734 +3567753734928947713 18736 +3545310047880918533 18737 +14019849778250068995 18742 +5595557989190705156 18745 +4322043591333593603 18749 +8726731153713018885 18752 +14649830907196674562 18757 +12713180608281680390 18759 +16966780575208706566 18765 +17402778647251467266 18771 +11792375273357793798 18773 +15351866995417503235 18779 +1732623537907828740 18782 +8894315461119331842 18786 +5083577153501535748 18788 +1827808552962233862 18792 +5839497936556878850 18798 +16097021501131670532 18800 +17383440052463800839 18804 +10191965886087797764 18811 +5683282805440343555 18815 +5099484006420559367 18818 +4249459754476228609 18825 +16730927066044698115 18826 +9621523182104444930 18829 +11774420406069686792 18831 +4754508944342125578 18839 +84686332627707396 18849 +3877405403840256005 18853 +16142927928184402950 18858 +9425647976350132745 18864 +12160622148884890117 18873 +6500695129855182851 18878 +3759666565187185157 18881 +2703588405822267396 18886 +14455160979032350722 18890 +8399049943270543879 18892 +12306846253509384195 18899 +7721379352549703683 18902 +17582222050163866628 18905 +13679189359363369986 18909 +13757608005102647300 18911 +17466115566637436421 18915 +7764630965339584002 18920 +13788753305043481604 18922 +5354000011371468293 18926 +9677681731305229316 18931 +3056370376366537731 18935 +3926396448691331076 18938 +11314891968543395850 18942 +16000315257581046275 18952 +12459612454168303107 18955 +8357930902864658437 18958 +3122762091384573962 18963 +7292798815391490051 18973 +8275763682046024201 18976 +14056107943965173766 18985 +2257249485283723778 18991 +2624279341733753860 18993 +2593927357175147523 18997 +2836018839347118084 19000 +7980649316413143047 19004 +3303597238078519301 19011 +17168692426443013636 19016 +6295120171636030465 19020 +4035694441047235591 19021 +3883946815850311689 19028 +13601551448164157445 19037 +14897170506930139143 19042 +12933167888551327754 19049 +11088201409471487491 19059 +17378826266790003203 19062 +0 19065 +9642764361391801345 19065 +10618829185687811590 19066 +17756956060031775235 19072 +11339381927275108356 19075 +13010071520012861443 19079 +16110531725609781253 19082 +1252138033121985541 19087 +3292484331224158210 19092 +0 19094 +10111243896514895880 19094 +6185431858922897415 19102 +14235478970168472065 19109 +18150352618875356166 19110 +2904128500753243653 19116 +13168263224162505218 19121 +10723529171520089605 19123 +14350183549177880579 19128 +5477886293808536580 19131 +13479349087758476291 19135 +354578905106388996 19138 +5766533561748939269 19142 +4064010264599505925 19147 +11913861997496439303 19152 +9603500216241878021 19159 +15315056444626224131 19164 +12638576772179330055 19167 +7305220189793086983 19174 +10209689620990388226 19181 +4730316500561891333 19183 +8113919577401997828 19188 +16135525709409079301 19192 +17112024344091213827 19197 +16769238385840744453 19200 +265341807652550149 19205 +4893976362049893382 19210 +16169579049858408967 19216 +17471573721549160963 19223 +18321475146690452998 19226 +5075992701864901125 19232 +14658940983939500038 19237 +99038037147799048 19243 +8409649337354817027 19251 +8094911960588729347 19254 +16565436962799085061 19257 +4290083792037516808 19262 +10958228161162651138 19270 +10036100253038521350 19272 +0 19278 +2447604444887419394 19278 +5338576177373486081 19280 +1483175900562118145 19281 +15033393416293187078 19282 +1177537434563517957 19288 +4761707657854260741 19293 +17387867694095891971 19298 +9408178422383333378 19301 +14921212875138386437 19303 +9121816636073034757 19308 +10422149396406636546 19313 +2344556100813395975 19315 +6084013397407112707 19322 +14455882564055580673 19325 +18088140477860589062 19326 +2154985544899405314 19332 +6994047123573728772 19334 +8533772537809634821 19338 +9558114670300630535 19343 +11099006975298553858 19350 +8430551999133583874 19352 +1883973348913275907 19354 +3919332597299219457 19357 +10002244271449405445 19358 +17179042452203924484 19363 +2165661492925773831 19367 +12044995397856290308 19374 +5158375712192706054 19378 +12040075132903673348 19384 +4065620866941212162 19388 +730726257623724036 19390 +6766475116692217861 19394 +3210804786419224068 19399 +1800800883246217220 19403 +10710609484718365698 19407 +0 19409 +10335417557383702535 19409 +5929302587312744455 19416 +13928311151635323394 19423 +10671647923923419652 19425 +15285149260905881604 19429 +5894578113436128770 19433 +7159148305822290435 19435 +8944048040268733447 19438 +14396619708809964551 19445 +5390813713626091011 19452 +5012704057791028738 19455 +11077780169996967425 19457 +4230160704089191942 19458 +7867675016225826820 19464 +1110510539053099011 19468 +13241028427640317956 19471 +1185820157525422597 19475 +13868231880570444801 19480 +12506417262286652933 19481 +6051883789692426756 19486 +16787138625057914883 19490 +5530008923045642755 19493 +2455935075185635845 19496 +15232289368404371458 19501 +5143438380883788293 19503 +3242737809851219461 19508 +7355240527498071556 19513 +1918251002045464577 19517 +986335393363645441 19518 +6807476220340314117 19519 +2743995531039137798 19524 +17843944134713908740 19530 +513455302552076290 19534 +3383168287645877762 19536 +7004081722532300804 19538 +13783134934630949892 19542 +16179282211670780934 19546 +13324867790981214213 19552 +15751039420679573506 19557 +12206898442535828995 19559 +8553914414794537989 19562 +7011013835811768840 19567 +1948045336905612291 19575 +1592954257137001991 19578 +2408810890578556934 19585 +0 19591 +454221263460520451 19591 +12751539236602917381 19594 +14037954417169667080 19599 +10314371605133193733 19607 +6650264825183306242 19612 +14447930862181581829 19614 +4189447098661364228 19619 +12150879333525637635 19623 +10468410376456651265 19626 +12494874874177117186 19627 +1363100849012329475 19629 +1369015196791818244 19632 +10309397189065632260 19636 +11798130216083116039 19640 +4191202132275250691 19647 +8000416846368154627 19650 +11524494736880258054 19653 +958945282481584133 19659 +8113194420426757634 19664 +9424707377547425797 19666 +6792064538666220546 19671 +60286517073761283 19673 +12260917249058231300 19676 +13511780417468601857 19680 +11591548998898363907 19681 +14285518736265894913 19684 +13125507226418924548 19685 +1721014166457689092 19689 +9034167911209881093 19693 +17440574082759086083 19698 +7778278555224700931 19701 +6035079823249647620 19704 +6143222623829398532 19708 +16224382011919009284 19712 +14433133069862422021 19716 +442020553986196483 19721 +12957035671027973123 19724 +10256328165923466757 19727 +16220911615664876550 19732 +137108914058702340 19738 +12692689169385475074 19742 +13122221994833972740 19744 +12373103984230324228 19748 +2050211894437882885 19752 +421401369404463620 19757 +3313688178663608834 19761 +14827886937226695171 19763 +7173643562932613637 19766 +4490863094662164993 19771 +10386292620342398980 19772 +16967878139204506628 19776 +16063116681550897670 19780 +12603544304924727809 19786 +7531716424807520260 19787 +1349023995817442819 19791 +2781696091843088900 19794 +7508757923234290690 19798 +11569684768566192132 19800 +4697846604690277382 19804 +17671062785330215431 19810 +14397810770772058627 19817 +0 19820 +11710190007548939779 19820 +17980764476880124421 19823 +11942278264936544260 19828 +534716461007658498 19832 +2734383320959689218 19834 +14871523165671698948 19836 +12598041965322373125 19840 +11547101347818424837 19845 +12171028887200797188 19850 +5608974160951783941 19854 +0 19859 +16974276511282483715 19859 +11791819499532296196 19862 +9010262453936953346 19866 +17684886808235364357 19868 +8010484149743309316 19873 +3289253777193005060 19877 +5415658442872745991 19881 +15239620444014605317 19888 +12675746352024387587 19893 +17711170489205815813 19896 +10865660267341007878 19901 +1817283956503937541 19907 +4502405467008627720 19912 +8921281739997942275 19920 +18280528379484323842 19923 +14538758381368922631 19925 +13138531342096255490 19932 +18111382082671997447 19934 +7167420339732596232 19941 +14846867413385610243 19949 +3200046094095929866 19952 +5907745776240817666 19962 +13060876492995168770 19964 +4008963317092329986 19966 +8231945462570782723 19968 +9862909460144022532 19971 +10336027951688763394 19975 +4217383229594882565 19977 +13172838124814555138 19982 +6764868450781472772 19984 +11712234982911471620 19988 +16438274425103277062 19992 +14123079475751593988 19998 +18133079815081333763 20002 +7574921869783390725 20005 +13560386340992012804 20010 +16718676856257670665 20014 +12561457117557018630 20023 +10375410841027996164 20029 +11478717181389521923 20033 +112250851735089157 20036 +4647428948427288068 20041 +14488168472914347014 20045 +9045833790566204422 20051 +1275544160162230273 20057 +17817542665307257345 20058 +17903168185329254917 20059 +12101719327920820230 20064 +15431021432954108421 20070 +4691981457577099267 20075 +16559064393319996932 20078 +18001594280147007489 20082 +5036954345796828165 20083 +16207709115718196230 20088 +11898914813597216261 20094 +9517441673771496964 20099 +15005172096722831363 20103 +2117051391238695938 20106 +2634634509000056833 20108 +11240018416178738178 20109 +1259566990012073475 20111 +10502585449561874435 20114 +15379344542322503172 20117 +1273888554069470209 20121 +11278004198999097347 20122 +1827865460123197445 20125 +2047020824378660866 20130 +7501068138958177796 20132 +2698538281278756358 20136 +9059533821448235522 20142 +12930883866432925698 20144 +7783759813844500996 20146 +1749704905749281286 20150 +1274177066543056897 20156 +5922424819971382276 20157 +6328018530626065923 20161 +8366837725193172485 20164 +1197169868837848578 20169 +3909015357158680580 20171 +13317507619678955522 20175 +5870260525103816195 20177 +15881696946271722501 20180 +2588345123998614531 20185 +0 20188 +0 20188 +16791615931471769091 20188 +12539921716937731587 20191 +4997496766942586373 20194 +5010414756208735748 20199 +14085342587228390914 20203 +398530998710940675 20205 +4172135862636688390 20208 +339811161756599302 20214 +12748497325959553540 20220 +17786737337063679490 20224 +2432022376275598851 20226 +6084725827923963394 20229 +0 20231 +14150568772303942662 20231 +923276857452545031 20237 +6877577224065388038 20244 +2096097088861138947 20250 +15311559337693387267 20253 +13135309270526311426 20256 +15725711824950901252 20258 +17062877467519842825 20262 +3839962978154605572 20271 +7253170076227113988 20275 +6761844897943748612 20279 +1853684103449674241 20283 +15960095941266948097 20284 +11660910742008655876 20285 +0 20289 +1663486478448765956 20289 +159798298889593861 20293 +390797847414501380 20298 +16005517899999861253 20302 +6694275807228417027 20307 +341207426804946952 20310 +3634769519964149766 20318 +16864240005202516996 20324 +13061629193872069122 20328 +8285715135198672901 20330 +2011784816277109250 20335 +17565393038093605894 20337 +13444916732707495427 20343 +11888719322997841927 20346 +18119316735837112836 20353 +14246061797357800963 20357 +13231311446396050950 20360 +8538349582108576770 20366 +16120886963461291524 20368 +3427345641570108420 20372 +14762955636211800070 20376 +12405058537594332162 20382 +2503816407511029252 20384 +3177654140908392450 20388 +7194023902664893955 20390 +6598890679650269702 20393 +6837482320265545733 20399 +6806548276880915973 20404 +2323292685920783875 20409 +0 20412 +13842307047732763652 20412 +18037008587508754436 20416 +13761811569378169347 20420 +9688505751504786440 20423 +11950508854512614914 20431 +6504001030869410310 20433 +3129903187304091653 20439 +11142113562930397185 20444 +14604509358003709959 20445 +3756650620605579267 20452 +13249897144813484547 20455 +7773576636373322755 20458 +3252567352937370625 20461 +3306756886213426693 20462 +14835928642467174403 20467 +3538537848679917574 20470 +2322281838953525250 20476 +16397170132665978371 20478 +9740798354317300233 20481 +2224286688164709378 20490 +10734751764140519940 20492 +14572070415428617219 20496 +4905660861537120263 20499 +0 20506 +11438800455875187205 20506 +17477841181126999042 20511 +14367372768367177219 20513 +17442549647579831811 20516 +6632135510003993089 20519 +324496252004114947 20520 +7309277075027355654 20523 +12863972923635016708 20529 +0 20533 +11785005586876940807 20533 +10067426771408508420 20540 +0 20544 +15857527714771969539 20544 +2057608270321920001 20547 +5519102264874992135 20548 +12085541399814265859 20555 +4375293168862630404 20558 +13777834246488926215 20562 +8974755444211913218 20569 +14620201366626537986 20571 +12816490396071406598 20573 +7307487151727351814 20579 +15439620819565173252 20585 +14143446053210657285 20589 +15867192884809664517 20594 +2396618219346794502 20599 +18427146915056947203 20605 +10528673111173340163 20608 +13619404673299129351 20611 +10282650525721860101 20618 +2094641169424931846 20623 +15825313665247875075 20629 +4906141602518134275 20632 +9136358595180691975 20635 +5086258793049265665 20642 +624876556446643203 20643 +308526755115618312 20646 +12182886901424788997 20654 +3554479980351518211 20659 +3935300886033861123 20662 +3523234791466981381 20665 +0 20670 +13142427439544219652 20670 +1321827976347963910 20674 +9472617336615228419 20680 +998514928565102595 20683 +827339675178012677 20686 +12271484690066211333 20691 +11721650519062288387 20696 +120228527470947843 20699 +13709523675124023812 20702 +15401356991799624707 20706 +2090653067641225220 20709 +16669837047441053192 20713 +4550190197005299714 20721 +13933324304867045892 20723 +11326376816119635459 20727 +6710184449221879811 20730 +826735405164560900 20733 +573675804245547015 20737 +5041463674507204102 20744 +854894677104183301 20750 +676285460094497794 20755 +9277950226673244165 20757 +4168575722368252421 20762 +12590854801420328965 20767 +18020920690506287105 20772 +12992109679856144899 20773 +482697836815617538 20776 +7147533131350332420 20778 +1690131852394161156 20782 +15104880330314616322 20786 +11278778754604714498 20788 +6530897433906494979 20790 +17494758960615311879 20793 +1578159119920009733 20800 +12525502789413235718 20805 +4594306237764248068 20811 +10986801612122035717 20815 +6460380616123995652 20820 +1976117358297293829 20824 +5006006242731498501 20829 +16465937157516359684 20834 +2184917714727667206 20838 +5454503278186452994 20844 +16386625642699280899 20846 +10043431612474676737 20849 +932648325205054468 20850 +723383238245603841 20854 +0 20855 +11837545375336603142 20855 +11189361892773571587 20861 +14680391879451565059 20864 +3043077137676455939 20867 +6765504954436076550 20870 +16781329686899748358 20876 +11370379508762813445 20882 +1030752917994263558 20887 +152428535842101764 20893 +710154632532503553 20897 +17504311966717456387 20898 +7205864750443206146 20901 +5571301390358614534 20903 +6590732381919544323 20909 +17199755848461466115 20912 +3058708825787216902 20915 +1716398282413364738 20921 +13663599899545879044 20923 +2441605714472627206 20927 +5922473711307836424 20933 +18046291431900225542 20941 +16540289702289087490 20947 +586239268472714245 20949 +7310398616563956739 20954 +1985611961180592130 20957 +15725748922047214598 20959 +3959638009595182083 20965 +9732168491062881281 20968 +12526002159890500616 20969 +1983101858320146945 20977 +8135662954269472262 20978 +15762439447543422468 20984 +15385972473849468931 20988 +14742097672031522312 20991 +10559949778566312962 20999 +701250680636293127 21001 +1841921788819264516 21008 +10295440267136420867 21012 +8416198665286860292 21015 +12044256344715125252 21019 +12753043176791689731 21023 +0 21026 +17014050260299444742 21026 +4817857361562529287 21032 +8109583194272565251 21039 +14188605727068792837 21042 +9198792630640279045 21047 +3909833419221493762 21052 +5613544736376432646 21054 +1099957425951547397 21060 +2248172787438880257 21065 +4193950026072278017 21066 +10455251690365321729 21067 +3029548007608699394 21068 +8407408693874681860 21070 +6662485137673429507 21074 +1343899910520402947 21077 +16632266403022248967 21080 +182674054572869125 21087 +17110124237156054533 21092 +0 21097 +10900817203095961092 21097 +11363196708342289923 21101 +15066115161511562757 21104 +17161818620129069059 21109 +2767042166208909315 21112 +8745284671907755525 21115 +3327051561688621570 21120 +1087395368523212293 21122 +3905385754397729287 21127 +10287198023494434308 21134 +0 21138 +2222992491101303300 21138 +5120134287954715142 21142 +6923653625330327046 21148 +11567765986523726858 21154 +12033963867717419522 21164 +9968382703792120323 21166 +17920832629210706437 21169 +14513875058304578055 21174 +15582012415153576454 21181 +0 21187 +8727439471582115848 21187 +16895985902864412673 21195 +5873565047637296131 21196 +8950971182012398082 21199 +14919316168268394501 21201 +13844097584260147202 21206 +13115596712752442374 21208 +7964029664992521732 21214 +3338463043180224514 21218 +13668397393650259973 21220 +10195681273192326663 21225 +12436209770921341956 21232 +7074088000409042953 21236 +8320465691798641160 21245 +11129213647644486148 21253 +3949709747729144833 21257 +16879036666579204613 21258 +9189852427532172806 21263 +0 21269 +15237877858915287045 21269 +2312971279406036483 21274 +2152539942514893827 21277 +9304172780241539589 21280 +8419203840183352835 21285 +17808455135318616066 21288 +15570703668872541190 21290 +6190994970287042561 21296 +15707493481375044611 21297 +4599117065238474753 21300 +11010460437168170500 21301 +611150167517811713 21305 +4221231748634015235 21306 +10023795546634433539 21309 +9764778577034282500 21312 +3816830674052945923 21316 +13700476902379949060 21319 +18094837431957215233 21323 +9259765840107295234 21324 +13759676278342151686 21326 +7285340188403022854 21332 +17648598646481500675 21338 +9065635359226671619 21341 +16446515701059506178 21344 +0 21346 +4989159058661054473 21346 +5912702787915616263 21355 +12390517533395150338 21362 +3227390554956251651 21364 +12870732957313833474 21367 +290947465128649732 21369 +2426154350596525573 21373 +16228334758588378117 21378 +1588271816736413185 21383 +6327232833827674626 21384 +18397261334348111875 21386 +115161999134412294 21389 +10392264250290048517 21395 +12102117708560999429 21400 +7904954547129593349 21405 +2680753330197775877 21410 +15286907472764841988 21415 +17915124529761732103 21419 +5395705580939708420 21426 +3201073171058822146 21430 +5655369129043261955 21432 +12581078458504907777 21435 +7598370205151044610 21436 +1360330592612329990 21438 +1018181171040923141 21444 +4351596917438845446 21449 +4248231101260796419 21455 +5006788722715210755 21458 +1053985840124137477 21461 +9074059183475374597 21466 +14301004750426842116 21471 +15170499060308086278 21475 +768687345963412995 21481 +8042830231406824454 21484 +5041393906757188099 21490 +7832294413587594756 21493 +919266476974402050 21497 +11940252243753649669 21499 +17559618364124909570 21504 +2337097711860563461 21506 +4232669742721398275 21511 +6089617810457046022 21514 +2025279551541653508 21520 +4150338218905349636 21524 +1096768820530862595 21528 +14991916194281246725 21531 +12338606762212916742 21536 +1089762643802576898 21542 +735140890886595074 21544 +2638568827183484417 21546 +11516896655880297475 21547 +17816678366655459330 21550 +17206164192527961606 21552 +10003925495089103368 21558 +7407812343752290819 21566 +13455111674725984258 21569 +1298788227901366275 21571 +2684602020992038917 21574 +17124412344861903874 21579 +6602403066532345348 21581 +1904204127476997129 21585 +3396683297624431109 21594 +2953340529981228550 21599 +8190482527122081283 21605 +11151467362170096644 21608 +2948707554251732482 21612 +9011213038063974917 21614 +6376201727323225093 21619 +6222655457955177988 21624 +17642625974458107402 21628 +6671269371547347973 21638 +17518976063203996675 21643 +14566917452044518405 21646 +4485125318568888327 21651 +13446445590217618950 21658 +3856439238494857218 21664 +7781610900692685320 21666 +11423958037612163076 21674 +15133513015331113475 21678 +12528448693663910404 21681 +9875793292816077316 21685 +5388691297918334467 21689 +6464868593653337601 21692 +7581973299889496071 21693 +15251334491400836100 21700 +6380320780332338184 21704 +10388196767867992068 21712 +1348545499540703238 21716 +6939506353417955329 21722 +7086502631324968965 21723 +16332415090413343749 21728 +9835467149077562371 21733 +9928644134089568770 21736 +939378884493388803 21738 +14605309646066344968 21741 +16600745762544315395 21749 +4141361088946446343 21752 +16648144165059656707 21759 +6512676467933048326 21762 +3720811956280214017 21768 +7432137145214219779 21769 +0 21772 +1801848482990656004 21772 +7439726524625954308 21776 +11030869445837579780 21780 +1312522429832171012 21784 +17053716560217270791 21788 +2525395215921498630 21795 +902149584162707971 21801 +17269951643111717894 21804 +17706979582835312130 21810 +8569361283907306498 21812 +3227211449965453318 21814 +16176865516880692226 21820 +9133677426162622468 21822 +15681655357958727173 21826 +6127895180085325314 21831 +4210377897724626434 21833 +2261930105638088199 21835 +3873013018670274053 21842 +3850452330501816322 21847 +15843652794177393155 21849 +14376385860323232260 21852 +17084756853281022472 21856 +6325865360062770182 21864 +284758832225449473 21870 +14236645415698696708 21871 +18201155199740269570 21875 +131483926138085381 21877 +3683452210434364931 21882 +16365881135466083842 21885 +13484755381761964547 21887 +7830776051015433220 21890 +3349799667825610753 21894 +5549206956364402179 21895 +3088199652520227844 21898 +11314643989156079618 21902 +11354368179609058824 21904 +2197625227025479683 21912 +10817776634686449672 21915 +12096706165949851138 21923 +3418287286074632194 21925 +5023799920588523011 21927 +14019116615532006404 21930 +9007218901810604548 21934 +16991764548964818950 21938 +15404513031325714436 21944 +10338922594839391235 21948 +2206956388475377157 21951 +9901021809547021316 21956 +18333633423410029571 21960 +5328519000583155204 21963 +2581596870223860738 21967 +12949297760965123079 21969 +7715107274375577609 21976 +15854632594844798978 21985 +2852786058019577345 21987 +5351908428192635395 21988 +16596223306048737284 21991 +17091855138952738820 21995 +9699468903416023555 21999 +16692541819944913409 22002 +15984134769986055684 22003 +9458723217515140612 22007 +830086543148188164 22011 +5263009796089693185 22015 +12927115579775457795 22016 +7728469037605875205 22019 +11355702790069036035 22024 +10377630547141944835 22027 +18042981926349491204 22030 +16547849026110424069 22034 +9389073755934550531 22039 +5988213126880701444 22042 +96238009511768069 22046 +18204718514200865285 22051 +6889058463685453826 22056 +10979170019864964098 22058 +1187856079712977410 22060 +3268013158186765827 22062 +13519815964861358595 22065 +17986105748115130884 22068 +6493581176766496258 22072 +6449849524686274566 22074 +4037757921026968580 22080 +6027625871016129539 22084 +3932448528451522565 22087 +4210827009982554115 22092 +10493779249841908742 22095 +3311609933179069444 22101 +16055860354872171521 22105 +16610037822938013699 22106 +6249252761057494018 22109 +16331128639877757956 22111 +13030312964146327043 22115 +14328951110833032196 22118 +8000589421772715014 22122 +5337330021087037958 22128 +7786533271542921732 22134 +11321426877158520327 22138 +18115733920596866566 22145 +16130929459691239939 22151 +6710174071263012355 22154 +2843424687225005060 22157 +2834334279639441922 22161 +18033293080648119814 22163 +6877302156185191425 22169 +10708701003869826052 22170 +11185289707638685699 22174 +10357029733606544901 22177 +4752189770610651651 22182 +14023975041967735301 22185 +15985906855668645378 22190 +16145119332226445316 22192 +7983838220611748355 22196 +18066508996568729092 22199 +15564466565726754819 22203 +14560546420517897733 22206 +16511838835679718918 22211 +6053672881563056645 22217 +13809586824990085638 22222 +3742469589374321665 22228 +4075938001447224835 22229 +1306588562551745541 22232 +1805321183149549058 22237 +1374750997617241093 22239 +6979648223204439043 22244 +7233404206649611780 22247 +1031056287268008452 22251 +7358612721703002628 22255 +16064625461118436357 22259 +2045686568668655107 22264 +5169850874739360772 22267 +3551506017632978949 22271 +1549013787044477956 22276 +9957080837858744835 22280 +5347871253266483204 22283 +16293238490452659717 22287 +15803617842387151875 22292 +14845722140417528834 22295 +4660055485704855555 22297 +1501545398606654979 22300 +4150790203014729219 22303 +17699500804586072067 22306 +13943751078985374211 22309 +16440785177746400771 22312 +4934714071299316227 22315 +6467762276789779461 22318 +6664437151689979909 22323 +7656142276606312962 22328 +13949790918542480902 22330 +0 22336 +5200983370860096007 22336 +11022470308628215299 22343 +6770947897243534343 22346 +0 22353 +4561484292058856962 22353 +17132989158181632005 22355 +8264387683027673608 22360 +5420776539462196227 22368 +8955973971005734918 22371 +13090463092532462082 22377 +1589506324991089154 22379 +7450086241425052676 22381 +3802168297303979010 22385 +18146444816359472645 22387 +15340603894592698886 22392 +18286483006721009155 22398 +3806545225700161541 22401 +4334722178940665863 22406 +2081170773343186434 22413 +5338432593269969924 22415 +11813850647187749379 22419 +373944724354998785 22422 +5300610024950776322 22423 +6514639294673082886 22425 +13869581399536437762 22431 +11013455405500388357 22433 +700592101581590019 22438 +11468918149233141251 22441 +2803905460410578436 22444 +8676802043478010372 22448 +7728675077091284482 22452 +17748911503843868165 22454 +6255681507670837762 22459 +15141730510760260097 22461 +11718807157744083462 22462 +1095389158896742403 22468 +3760001716533834243 22471 +2380551746976498692 22474 +12593654449499003909 22478 +2145434879245456904 22483 +7599681347093448203 22491 +1368595881168212993 22502 +6851813120850276870 22503 +13676264658814208007 22509 +16952298714951423491 22516 +18149184725340769796 22519 +5208277236836602889 22523 +16684671510445403140 22532 +12896195403766216707 22536 +516816411709764614 22539 +3634917458421421058 22545 +15650812638852208132 22547 +4911029078973440518 22551 +14601654347618227716 22557 +13928041825358191618 22561 +18336504841150048770 22563 +8267863420101979139 22565 +15362253561162886146 22568 +8596821806541943297 22570 +16191038206501861380 22571 +5570663054284063749 22575 +15143908674070461441 22580 +9450965921071311365 22581 +1586934034253596677 22586 +6986851756786393090 22591 +15646450947573103622 22593 +8905721583717425667 22599 +8203150046583179780 22602 +5410611249959646211 22606 +14274244144833535493 22609 +15409910478961511940 22614 +2592367961791529987 22618 +17451964157220407809 22621 +11599025863868672516 22622 +7781049374378737156 22626 +16583591371788170246 22630 +17799119784078969858 22636 +15845332138470181890 22638 +1697954686465047556 22640 +11962042445815764487 22644 +6946967110062070791 22651 +13447937583958208006 22658 +11203285075141521410 22664 +16200671410699478019 22666 +11859890377214117891 22669 +16984016289604191235 22672 +17032091698930918404 22675 +207765120750967810 22679 +10972070089208955906 22681 +15875315600693533186 22683 +12089951068096475144 22685 +9154215876293270532 22693 +14641432592623983106 22697 +14108587141028790276 22699 +5583192239524584455 22703 +17755693616199687683 22710 +12947467627359682056 22713 +18278983440106267652 22721 +16907467828468293637 22725 +2402201356433790468 22730 +8407748241712239618 22734 +13918625605128253956 22736 +1205331529699813891 22740 +17660703489308045830 22743 +14625996650795479556 22749 +13264443401168966658 22753 +5351223397352941063 22755 +3019958839923697156 22762 +12791194224214238724 22766 +5121594097864696323 22770 +1591325557909621764 22773 +328400902150787074 22777 +11091303398470555653 22779 +4744881048515057157 22784 +2405336135107859972 22789 +14577001392673377285 22793 +16651541324354549249 22798 +17239346865472359941 22799 +18372624019092647937 22804 +16838152910299022339 22805 +8298503068703180292 22808 +11696419272553442818 22812 +514603589797871111 22814 +3560203682717268487 22821 +1128540820085903874 22828 +2842919432152992771 22830 +11284182633570969602 22833 +15496012841983188484 22835 +9811331962390428676 22839 +7521818092192246276 22843 +14279734848016173573 22847 +16014883570427206146 22852 +1369728818936221700 22854 +13976182253652704770 22858 +6177800076944853507 22860 +10131458721466340866 22863 +6846038547768445447 22865 +927666206116186627 22872 +16278197941907453956 22875 +1120781626630468102 22879 +12302126035327268356 22885 +14663701351282040326 22889 +7826391605787035140 22895 +725088201256400391 22899 +15890160177956461060 22906 +1893625188190945282 22910 +16713611603306421250 22912 +7724376373189709830 22914 +14770082458668819463 22920 +15801237762255936517 22927 +6550893047580053005 22932 +7959628657334673926 22945 +16669263398493144068 22951 +17411591507294350340 22955 +14857114470717784578 22959 +2721272076472443395 22961 +17812885587519841284 22964 +16289079364411535366 22968 +10737723387939384324 22974 +896857434213666822 22978 +15963533698329163780 22984 +7884698281905409544 22988 +963005294589969411 22996 +12036580754564992515 22999 +1900805969219218951 23002 +17007395761501405186 23009 +6907546889726191622 23011 +13583702651987140611 23017 +17060745767902551042 23020 +15081579287289312260 23022 +8934739447152493575 23026 +6586743779681291266 23033 +10914185291818729476 23035 +1378596801066950149 23039 +5823312007043734021 23044 +13329922632083368456 23049 +3567236368350573061 23057 +14595597579340588035 23062 +17577289038082317315 23065 +17392103991860933124 23068 +15077672770433274371 23072 +11903563274172935685 23075 +6703171676040275458 23080 +18441267014003421186 23082 +657611433268889091 23084 +3349504300397952516 23087 +5401646663717814276 23091 +13608483969248519684 23095 +13687838317379163653 23099 +10703515441354891266 23104 +0 23106 +4085666049388265478 23106 +16351935552392455683 23112 +4084061254361500677 23115 +3749989960896403463 23120 +5392590371633913859 23127 +8757457927804455944 23130 +10879000376933002244 23138 +9709024205850395650 23142 +9661264218644721156 23144 +17782821297817024007 23148 +4117175590489236484 23155 +1955606343922150405 23159 +4888204179478496261 23164 +13976327072161117698 23169 +2664220304137269250 23171 +15452195082093653507 23173 +11564124196147200517 23176 +11248921904935255562 23181 +17464667169617009154 23191 +15682146834800731139 23193 +15325813334742820871 23196 +625058176852277250 23203 +6792062691291963396 23205 +2735344866354851331 23209 +1489991315145231875 23212 +6263432200883207685 23215 +11040821240934684675 23220 +18301904319070961153 23223 +398568629909108226 23224 +18000414740356190727 23226 +3945959834883642371 23233 +3814158315869486598 23236 +2480933356392543237 23242 +7004661828607857671 23247 +11730148728958727684 23254 +3660457626607125506 23258 +1032602729683830277 23260 +4591828703564868100 23265 +14642320334208732164 23269 +6117791444381724677 23273 +6557877055289853955 23278 +2641245271921356804 23281 +13928815910184511494 23285 +4597287016704886275 23291 +15988540448724835844 23294 +17093265980596980738 23298 +15825319707655557122 23300 +16976971738088833538 23302 +4026707435963119107 23304 +1703199570393421829 23307 +14717827630981348868 23312 +12197638158357576196 23316 +1435811009344943109 23320 +6694005348414600195 23325 +1754170120677504518 23328 +385530458387282948 23334 +299061585962219012 23338 +9487972959486218758 23342 +12330704425746692613 23348 +17655968347818396673 23353 +0 23354 +15974859936697913862 23354 +7900362394601404929 23360 +5173304976749303810 23361 +4281214160477505030 23363 +16678183982938669059 23369 +13550345478608704517 23372 +8315052556398230533 23377 +1995348202224588805 23382 +14642838728513425926 23387 +16434067210952745475 23393 +5749352763640326657 23396 +8690219119739757576 23397 +10214291532936668167 23405 +4560364614408376837 23412 +13295134916897649669 23417 +7233988683450445315 23422 +12199561365437656068 23425 +3023987090124494342 23429 +17033036293320432136 23435 +17642729202824666118 23443 +13779758565103773701 23449 +16441611138823327748 23454 +1872280974355039239 23458 +5643540475241117698 23465 +0 23467 +3086648214048952321 23467 +17965820418314814465 23468 +14262262230974279683 23469 +1220383309848577541 23472 +774336959833226754 23477 +6574732177851603979 23479 +0 23490 +5471862789112256001 23490 +2075487540485368325 23491 +9739975108845409796 23496 +15172742446683025413 23500 +5834401953086753282 23505 +11000181454481522186 23507 +15959977589592475654 23517 +5806013214275668995 23523 +7803442975281405953 23526 +2011458936758635523 23527 +12976664978090406916 23530 +1692404376445973506 23534 +18164872379232075266 23536 +2504171925942041091 23538 +10476712736279285250 23541 +618884562037946884 23543 +16339062414287423491 23547 +5573862762813105668 23550 +11963452536827220485 23554 +11788302339257602561 23559 +11650248730920203781 23560 +9891789936323301378 23565 +226404097654363652 23567 +1077396230415575557 23571 +6181876753702493699 23576 +2241623369758218244 23579 +12911248238089222 23583 +891271444825858563 23589 +2823543700061112836 23592 +32232735051300866 23596 +910949092552152577 23598 +5410915296840137221 23599 +3019626934691348484 23604 +6730613013842226180 23608 +7791850653807835139 23612 +6370757099402613762 23615 +696253306435951623 23617 +15238082994729647619 23624 +14552283528341307399 23627 +2772232367063406597 23634 +16154957115177418755 23639 +1854593538268649989 23642 +7266415030732323841 23647 +301220941601383941 23648 +9032041057266855427 23653 +4739446739545135619 23656 +13216933286225370117 23659 +453373969466250244 23664 +4409711095354429444 23668 +4588258086122737667 23672 +3219398163360651268 23675 +5958329856541359624 23679 +1672510838648952835 23687 +5152733325419501058 23690 +14642860033348762119 23692 +5414731896382608389 23699 +556041158375913477 23704 +12806013021140688899 23709 +343337027659408386 23712 +14698914095346745349 23714 +14172374839910533121 23719 +1827061227422996998 23720 +15886333372703001604 23726 +1982592370950663683 23730 +14893030837770820609 23733 +11625346709203278339 23734 +5728002157502507524 23737 +1780107030132830727 23741 +3929262467303954439 23748 +0 23755 +0 23755 +3459508030837579782 23755 +18371426115810920965 23761 +8024196725848841221 23766 +16062692361091055620 23771 +4786586348593057288 23775 +5395625385059270148 23783 +1103814025491281413 23787 +10016300666577472002 23792 +2416688545672506882 23794 +0 23796 +1419457670264119301 23796 +17248000444768005636 23801 +3422821416867119621 23805 +1300837850166848516 23810 +8338140517572752897 23814 +10399537359124577794 23815 +0 23817 +1900292543448404484 23817 +14296219139354726915 23821 +15494762139714329603 23824 +13563262891851988995 23827 +8323592430402902533 23830 +18038461953954348548 23835 +14508206967080323074 23839 +17289033366274126340 23841 +6511007078209430532 23845 +13403787503260142084 23849 +11299554574851096068 23853 +7625445259338707974 23857 +5325055663283554820 23863 +11469552268559904259 23867 +2238436702984384514 23870 +4940348252328283141 23872 +7767132131302562826 23877 +11405002630090592257 23887 +15139842711709395971 23888 +1292456295705838082 23891 +2348051575821697026 23893 +3358533889978337796 23895 +17348692078770426884 23899 +2388246186657453061 23903 +4593444831230942210 23908 +7133365250268871173 23910 +0 23915 +1039037797815128577 23915 +7807087826002586114 23916 +14206444713983735814 23918 +8575933924667360261 23924 +12333288770287091207 23929 +17244603126545324039 23936 +17489307857801881605 23943 +16384867659956181506 23948 +5917882930716136449 23950 +4744473709060999171 23951 +3281296741024104962 23954 +8585979868496927240 23956 +16779510364648418309 23964 +8931760668844849156 23969 +730179289289681413 23973 +331536065338069506 23978 +445453113271466499 23980 +10884880543704734725 23983 +14650952768036314120 23988 +17838040455875427845 23996 +3129499167393200131 24001 +8472834158508828677 24004 +13098719148617663492 24009 +16496667410993503750 24013 +14585274372446877190 24019 +12915621168008658435 24025 +10154241506973336582 24028 +7520913087997871113 24034 +1920232495844721154 24043 +1033754029863631365 24045 +10329086685454614017 24050 +6674289242278040067 24051 +15400367557971538437 24054 +4877800751391133699 24059 +13521909811769661446 24062 +17927588636607007235 24068 +12846313623048792580 24071 +17755969289417637379 24075 +10684001616516415490 24078 +8572533598381428226 24080 +7348704938291699202 24082 +9587283667570937865 24084 +18330431462839625735 24093 +1565182245567966724 24100 +5061226681426988035 24104 +16984805720092964355 24107 +1354108542770641924 24110 +11628831892967716872 24114 +8850118920425924612 24122 +9878165404540480514 24126 +4295807981413631490 24128 +6897388373796591107 24130 +13568944098449586694 24133 +15959560375481425925 24139 +16693274617145896451 24144 +7639754089899679748 24147 +7425920437820742659 24151 +12752776242888193026 24154 +14197810556718156802 24156 +5477024074005876226 24158 +12213945472258234881 24160 +897214858763421186 24161 +11008949188966200326 24163 +3998386455410351108 24169 +17002566057148617223 24173 +15181936191772549121 24180 +8106170804600175108 24181 +9589915058011585539 24185 +10790723845633364999 24188 +11817853979174982145 24195 +4976930149990109700 24196 +11933012147965219842 24200 +8467604313264584706 24202 +12599625485060402182 24204 +9690144971717321735 24210 +17676709226874246658 24217 +17950462329895987715 24219 +538031135979133443 24222 +13380404999002729989 24225 +10460805626487352835 24230 +12715017017861530628 24233 +10889535500041909763 24237 +5763050036061642246 24240 +8638437171541730823 24246 +18418652890096506885 24253 +17400663715128675844 24258 +13690110168092490753 24262 +4451455363933513219 24263 +13140421600745576968 24266 +2666224664733527047 24274 +4464913825127710214 24281 +9062130823618274308 24287 +5040348274998885889 24291 +1020206644990347270 24292 +3271816885947551749 24298 +11275699838606547458 24303 +9480316693336989698 24305 +2837341402821524485 24307 +17756959436374687748 24312 +7916794937193069060 24316 +6122978168576524295 24320 +9051193865617445890 24327 +6426637935482784774 24329 +13001331074671042567 24335 +7420658912579841541 24342 +4240605091596475393 24347 +16910755677997614087 24348 +17354942983327886342 24355 +4126384131144125444 24361 +2424491582043695618 24365 +10504479870738162689 24367 +2297037800818006532 24368 +10526225826991727107 24372 +3060391590018632707 24375 +16686453992991026690 24378 +14923917107457323527 24380 +13332073478080690179 24387 +0 24390 +6112528679468338179 24390 +12553830680346511876 24393 +17118653746152748036 24397 +13378761498266258948 24401 +16702549562420199427 24405 +16096550715670556674 24408 +4271526272688789511 24410 +14082550666595581956 24417 +5516407255127782914 24421 +14582273020377256452 24423 +819438335757515271 24427 +15139958189668711937 24434 +6911576537024286213 24435 +3133394640701049857 24440 +13674975827258302983 24441 +17703785708577055235 24448 +2524472933294188547 24451 +5343269175625238531 24454 +14462875088943328774 24457 +11051751773161393668 24463 +16522961770703444998 24467 +9339164095940095491 24473 +12848915601667418629 24476 +7083502870613101572 24481 +4142111330278147079 24485 +4133251237038394883 24492 +0 24495 +15340093095697290760 24495 +13347092698943379461 24503 +7581383261881367045 24508 +2857868746458924548 24513 +3359704722205343237 24517 +14849144084290419204 24522 +5156734774726122501 24526 +4749341750922222085 24531 +15481701273740099585 24536 +12922427250719397893 24537 +42054378150928898 24542 +12417496545884979204 24544 +3214247396756146177 24548 +7318900239482085381 24549 +13452075674417212421 24554 +1171770846824980997 24559 +0 24564 +17693727716453805574 24564 +9689972770123727876 24570 +8932753961392444932 24574 +18042579417072513034 24578 +9619010311062455301 24588 +1674842872331020803 24593 +14628523989790646275 24596 +8441581647292379653 24599 +11815482669562408966 24604 +17667370067619728901 24610 +1444905419972723713 24615 +8459043029918013446 24616 +15236349068327691780 24622 +8106215658681483269 24626 +0 24631 +9907603874810804739 24631 +17373151899460746245 24634 +9423825811785608193 24639 +10735864572141648899 24640 +17241433450550100484 24643 +2258587391048064514 24647 +4955534734689803779 24649 +16790329274003033089 24652 +11012823425965373443 24653 +13661666526419530757 24656 +4324094454380131331 24661 +9360213681387404808 24664 +2851986789337379334 24672 +12560850452060877827 24678 +4983663384748707331 24681 +5644220484929834499 24684 +5022472401863368706 24687 +17419175391610006022 24689 +1258038501275629061 24695 +7362533860452292098 24700 +13374287433704244227 24702 +16116668094450542597 24705 +13742196189889712643 24710 +5661830272926333445 24713 +6488223011782494725 24718 +5303310342026806276 24723 +10142022655883912709 24727 +991204745936345602 24732 +1395189928966221317 24734 +2519692055192375301 24739 +5326948120198852611 24744 +16956610439235075077 24747 +2584436989211819521 24752 +16089500179667610630 24753 +13061899385392462852 24759 +13484483223575451651 24763 +17698056660934227457 24766 +14180552261923379717 24767 +12689039820796697091 24772 +14066473493957729283 24775 +11044383165274888707 24778 +841982007637265923 24781 +1181277551102196741 24784 +7964072246481441796 24789 +3148936901211401730 24793 +0 24795 +11749502941787435523 24795 +3264989095448910852 24798 +16692183044637437442 24802 +6376485215322875908 24804 +5280758589983933444 24808 +10763628608368838152 24812 +16148256561045958148 24820 +16037154962989100036 24824 +16320091538391290372 24828 +9132458288343558145 24832 +5955073322379139588 24833 +6350303117398892550 24837 +16629169423665475074 24843 +3118502359841879558 24845 +11587738009508386311 24851 +3009142862622476293 24858 +14145779910963157505 24863 +8072695766280922627 24864 +9389830932725936645 24867 +7362784697637072897 24872 +9712093158599732228 24873 +15837073061511683587 24877 +5277137361193368581 24880 +7560127104259670533 24885 +16761464392047078401 24890 +11266614809968856069 24891 +7506418503667806212 24896 +11837132231177132034 24900 +2431174054192776197 24902 +10486833579218559495 24907 +15668992447432133124 24914 +3876680590297168390 24918 +16358179472025829893 24924 +7282935203339809284 24929 +4425136550044760066 24933 +4304526858305182723 24935 +7752510027704217090 24938 +15646508290874868230 24940 +5782901043333767683 24946 +17102711678503652868 24949 +643472226555888642 24953 +8094301031423940102 24955 +3938095734681522187 24961 +17201323660217532418 24972 +1829368606813394949 24974 +2976715259959019010 24979 +5934558395055148036 24981 +11170327153386434056 24985 +11852789231403143683 24993 +166208761437711874 24996 +3399955527276592642 24998 +17733857225077496836 25000 +18148198247332535811 25004 +8709523408888406018 25007 +11896810298113801223 25009 +12006520825525404678 25016 +2009988013238208520 25022 +6806454659573938180 25030 +1785353518161431044 25034 +5451568168276802564 25038 +459303146796803591 25042 +6111734645592462341 25049 +16849377260105372162 25054 +15895160268209280518 25056 +2697032440672750083 25062 +6584962116018051587 25065 +15330955522854038533 25068 +9020620472025508356 25073 +4898746297800303110 25077 +8942777250665162754 25083 +10324148713730882051 25085 +13172221906870614532 25088 +17573543844797112326 25092 +12125910421492538883 25098 +960475376325316609 25101 +7031187105124917765 25102 +10010635636506541573 25107 +6855934737182716932 25112 +0 25116 +328821992352671233 25116 +10734022028193679875 25117 +16864281656027684867 25120 +4612413030646767618 25123 +2246079574029591557 25125 +11138652624849966086 25130 +7250229107477824006 25136 +11000401768508054533 25142 +11399432076446354441 25147 +234597506679486470 25156 +18178900387656384514 25162 +11950999332595230210 25164 +8142059128118256643 25166 +17666931050359060482 25169 +317436924739744772 25171 +4690094436638882307 25175 +15221428457798421506 25178 +9997731088328935940 25180 +17460834626509844996 25184 +3868711487731652100 25188 +6358876234988056578 25192 +11852052316389835265 25194 +11621892952961959425 25195 +2704682443395304450 25196 +12728498675399946759 25198 +2918286897073455620 25205 +17641971301052259330 25209 +18026504822107777540 25211 +2434378742062347784 25215 +16997419448242788356 25223 +14073258178164115459 25227 +12413761291031735814 25230 +9474667667185472006 25236 +15974805840193064451 25242 +13025611722523505667 25245 +3809621267578796546 25248 +17730978702620285444 25250 +18391375647865050116 25254 +8741199140599127043 25258 +11040646739696655365 25261 +6473135419343022596 25266 +10553272469773770243 25270 +8585982438980352007 25273 +10259866090928776198 25280 +4229226009505894408 25286 +2002944021128144388 25294 +8262106295486657540 25298 +2638958292004426245 25302 +6716212752782377479 25307 +16606805567053944323 25314 +16569161729901697539 25317 +13898846027268744706 25320 +6697042513417145345 25322 +0 25323 +13136981759685128708 25323 +12885366357695755270 25327 +11421369206899778566 25333 +5862456585037456385 25339 +13222548494753234438 25340 +6092040936122270212 25346 +4707301901028484611 25350 +12337566475949270533 25353 +14648566677827276291 25358 +16311782330434884612 25361 +13353913547625121284 25365 +15142381058349566979 25369 +15184047937294281730 25372 +12378039272343114245 25374 +9021505885947860486 25379 +12919484043324618246 25385 +294688707577154051 25391 +3574781208941447170 25394 +9775687508684043267 25396 +7179124226549407235 25399 +18428372281580294148 25402 +4172455897179081733 25406 +14629049941856310279 25411 +9110710067015171588 25418 +7737932268083508227 25422 +7030487427851442694 25425 +6015706505222393347 25431 +10690805751857896453 25434 +1792130134350293507 25439 +3270282490179074050 25442 +9160230700588991490 25444 +1501275329985030662 25446 +16682156730447748614 25452 +16865037037501394949 25458 +18287974994743754753 25463 +12770959110129288199 25464 +2664081489822129155 25471 +844289860844562947 25474 +9320725112162699781 25477 +15848413985541323268 25482 +714399586554869765 25486 +5325599719650135047 25491 +16127700066179685891 25498 +11246087946884446216 25501 +10317865897027765761 25509 +14120909642853503494 25510 +10750359165492725766 25516 +10665949919901158402 25522 +0 25524 +10268494043919521282 25524 +3180127476110164486 25526 +6514225770751130629 25532 +5848127685141896708 25537 +4542051428430444551 25541 +12307406507141786115 25548 +10642483578899606023 25551 +10406118947534204422 25558 +5364884178056393732 25564 +8331308367300432898 25568 +8231363453508637189 25570 +15429730063344815618 25575 +10119182072058990085 25577 +16134182472455695362 25582 +14324187521253962754 25584 +2946844295967776770 25586 +6710088418407883268 25588 +16266794939106578439 25592 +8020009302884012039 25599 +9393567207509819911 25606 +5628410909592268291 25613 +9632675985619778566 25616 +15106682042010132996 25622 +15041770311573039107 25626 +12084896222414160386 25629 +13659226818801915394 25631 +17053839838698876420 25633 +14665028853595875331 25637 +14106202957523787779 25640 +14145807055682495494 25643 +7718095822900658179 25649 +12550952433270238723 25652 +11964315797905999876 25655 +12650505036830474245 25659 +3971311418341217795 25664 +5997121717068898309 25667 +4025291685231636993 25672 +3969176862572239362 25673 +18247394154093760005 25675 +11930810837389575172 25680 +11974038225773906436 25684 +1065227006476386310 25688 +16677205936684410883 25694 +6232542593154732549 25697 +17583639373664094212 25702 +12630881472352333316 25706 +17759818976410924035 25710 +10809549544660057602 25713 +0 25715 +8445020147073658884 25715 +14669676056926794755 25719 +498146987669929989 25722 +4500295423050479109 25727 +10740576978377233922 25732 +17926602667697829892 25734 +2778356644747562499 25738 +12793292245348180485 25741 +11220448559454531077 25746 +11043275450454522372 25751 +1594361548965472772 25755 +8482113541783310851 25759 +13436426771358762498 25762 +3950171796639753730 25764 +5581303570318299650 25766 +3451909095431964167 25768 +4164087320962755585 25775 +0 25776 +9547688863885844995 25776 +11717316009583938566 25779 +17992572675509758981 25785 +11476165060331347459 25790 +329615558090927105 25793 +649162263552226309 25794 +16455662145521947651 25799 +17377844383373149189 25802 +8404076177656756226 25807 +12147693852938766343 25809 +6381095894792707078 25816 +10352927462178416133 25822 +4705208070869412356 25827 +15851904368265430531 25831 +13968237336416032259 25834 +9827577657889294340 25837 +4449049914248235010 25841 +16416804306632448003 25843 +12871406321745873926 25846 +7940137828212463108 25852 +18362166920692106763 25856 +2960619891364167172 25867 +15735872260771139075 25871 +9108481211231335425 25874 +2668250430370550788 25875 +10575802152973732355 25879 +5060836940660225540 25882 +225935621271530498 25886 +5136450202482414087 25888 +929619418192132101 25895 +5323106225983073283 25900 +14468416374528692227 25903 +3158312860566415362 25906 +16504139215795462659 25908 +5208604782711139843 25911 +15499914520012354563 25914 +7204770493179136003 25917 +10425084598104214532 25920 +16401636989731839490 25924 +7114314555962834435 25926 +4608087797083171331 25929 +1086611278259000835 25932 +9389117504066003460 25935 +15559849048559148035 25939 +2583606560764443652 25942 +7233249512106878468 25946 +16390582902469327875 25950 +15967147632756437508 25953 +4687950263513966594 25957 +682127553081737221 25959 +1392730081918804995 25964 +15508687208803156482 25967 +13445158928817536517 25969 +18040087329496012804 25974 +11404744719521039875 25978 +6301923519743508485 25981 +5236535096553666568 25986 +17093642626751245832 25994 +7261775123759214593 26002 +2752498443646272515 26003 +2602205184213988866 26006 +9331022359099524099 26008 +1838469583533214723 26011 +11905775773009579526 26014 +13076411875848438790 26020 +17582844665996553220 26026 +17695943599914966534 26030 +10438946923530348034 26036 +15189325447576700932 26038 +9811119704845099013 26042 +1601358214761967110 26047 +4136077380269795331 26053 +2393178210431113732 26056 +6992961595594129923 26060 +11273390515254538757 26063 +16063489391670912004 26068 +6384655979376765443 26072 +17401154554202073604 26075 +12482153433877380615 26079 +5125644823643668994 26086 +15658265951098080263 26088 +13700413867231517187 26095 +8034728922292801542 26098 +10634172503995254279 26104 +13823845266064883715 26111 +16136502074685336583 26114 +749089641708413443 26121 +14478902594439708162 26124 +7708476582186693636 26126 +1411832986028199426 26130 +6996575117043125765 26132 +6627039338485023233 26137 +4941548995048588292 26138 +10373344075190348291 26142 +17565948463064997379 26145 +6316727755283813382 26148 +1412142675659866631 26154 +17053220136998554120 26161 +15784271545709816833 26169 +3845454550052392454 26170 +6374831004386275329 26176 +3052803910992719875 26177 +14060787293753129988 26180 +7356784107140054535 26184 +6973332790096857604 26191 +14393293923489219588 26195 +15992110615424755205 26199 +10690129550121712134 26204 +5190428440157835265 26210 +17259684175383696389 26211 +15162872248667344901 26216 +16781128712985041924 26221 +11024263086631159301 26225 +7526756467701550088 26230 +2433231503350495745 26238 +15832898365217523717 26239 +10174020538673911810 26244 +3279340628610055174 26246 +12276084677422041603 26252 +16765041636076270082 26255 +3897722727201650695 26257 +11185231720285553157 26264 +6682218396351600644 26269 +15104213348152564230 26273 +6938148494824109059 26279 +10363527731843049477 26282 +16112184052286707718 26287 +5652526013441936900 26293 +6925706492423299074 26297 +7681424602968274438 26299 +9115792912330009603 26305 +10990896473772795910 26308 +3300867457637391877 26314 +1634148065683652100 26319 +6033099898189581826 26323 +8911920652632036869 26325 +15516200399397776901 26330 +7183434510464201218 26335 +3267066247057486850 26337 +9012013437147953667 26339 +13531870591023157254 26342 +2437485689886010369 26348 +6282029469274071558 26349 +6880787829220288516 26355 +14996563937210630148 26359 +13107259545000180227 26363 +15805362181959176193 26366 +104736626298488323 26367 +7746666782171317766 26370 +3686254413490985474 26376 +7127034453407985665 26378 +15433433439287457795 26379 +12790765225752589828 26382 +6734329130067298821 26386 +14333054115189806596 26391 +12343096678158494725 26395 +4494373399638777350 26400 +13514255386800320005 26406 +10519985967326855171 26411 +11457526110845063172 26414 +11800132265580204547 26418 +4017636677137776643 26421 +9118662773664055300 26424 +1084099391304635395 26428 +3509827037164940802 26431 +7114317414149865474 26433 +16215347268046156802 26435 +17776274976577979395 26437 +8498838532323632645 26440 +6454058771584061957 26445 +3979012846548461063 26450 +10869950400546141701 26457 +2927330403807771139 26462 +11300013502218768898 26465 +3419672510766187011 26467 +14058390141759306756 26470 +2948453057188647429 26474 +9454073228773507590 26479 +13492021842929333766 26485 +4165023507705417221 26491 +7149761388420518913 26496 +13092897104224630277 26497 +10161250386963085828 26502 +12501380476475987461 26506 +2404491124345533959 26511 +5155290569575194116 26518 +13186769602419250694 26522 +16538791477988460036 26528 +7280542347486107139 26532 +8205475341630528001 26535 +15066013487896818177 26536 +4315216179578035205 26537 +10503529622277065731 26542 +15409413410257585155 26545 +17388473949448505865 26548 +8415548691924816389 26557 +8776185331252502018 26562 +4034424727305955847 26564 +4725192011484287489 26571 +2424817954677742596 26572 +3441985511285469701 26576 +14248763451225953283 26581 +14109974725205381126 26584 +14207869257212154373 26590 +11880288734714171394 26595 +15104696342852610570 26597 +2718961385697991172 26607 +974635662805450760 26611 +16927159581943613443 26619 +5971987555932634116 26622 +10176520528048138243 26626 +12944783450924325891 26629 +12003699145952933381 26632 +831499420274737665 26637 +1314216752147624966 26638 +6505756082744112642 26644 +1529012795533582854 26646 +16406602483471521793 26652 +1189125470082538500 26653 +8448907404825290244 26657 +3386027088917379075 26661 +12540889452951068677 26664 +6081021958448300034 26669 +11089303225900029955 26671 +15625536180985217027 26674 +3168865723989516807 26677 +8996733438082536965 26684 +4959961459338318855 26689 +15936213723303172105 26696 +6617465630777346562 26705 +3587440022293449219 26707 +18417276856431980545 26710 +16733779981721669122 26711 +18278838024968099843 26713 +5145695853491911173 26716 +17355576114862952450 26721 +9419101045057380868 26723 +3534261451971335683 26727 +18065870420268092933 26730 +17904079250290067457 26735 +4040806523439695875 26736 +18077620394820917767 26739 +18018924878757530118 26746 +16797168899278565895 26752 +11507771973593056773 26759 +9443685200927650308 26764 +14985542514757513220 26768 +18292992052246623747 26772 +10838541904943056388 26775 +756149150367128580 26779 +7713605972288802306 26783 +13423162952485000707 26785 +7842696680735605762 26788 +4922043114771383302 26790 +4026194912863751681 26796 +15595198164082869763 26797 +17022766296900182532 26800 +3783355763998928901 26804 +14406746453900785154 26809 +16951018148644279299 26811 +747472028779317764 26814 +12876520263814872581 26818 +4905115389316380163 26823 +12056017391853350915 26826 +10548879070704442886 26829 +218206559538859010 26835 +7031688233926810119 26837 +11146418484464128515 26844 +52548056156746242 26847 +15523286578596368897 26849 +13962517756107528706 26850 +12086617445338604548 26852 +9766758909787998727 26856 +10084407913623306247 26863 +3421748525058441733 26870 +15098955317169594370 26875 +11730894907309712900 26877 +877184686812369415 26881 +9011367144134895618 26888 +16682405355126100485 26890 +7466787728433217538 26895 +7234367528425661442 26897 +876703762468583939 26899 +2930754505300540932 26902 +7191895122002008068 26906 +12638284450797098499 26910 +13472745364819640833 26913 +9266471225961960965 26914 +10594743925520069638 26919 +2098655612900039170 26925 +2202679759423621635 26927 +1914110522745687044 26930 +577953640499057667 26934 +5535915982676369928 26937 +1015635020666674178 26945 +568482855285538306 26947 +12578704525611824642 26949 +9170488549266398214 26951 +12960734279358268417 26957 +1161233290461582855 26958 +17929822500921318403 26965 +208787720529776137 26968 +6500332478534814723 26977 +17527872697910394883 26980 +0 26983 +1436715985740534791 26983 +7259324023326572033 26990 +13616980442114094595 26991 +11989871806199482884 26994 +18049391928171046404 26998 +2348129893628711431 27002 +2143194199258271746 27009 +14092180993918221830 27011 +9801623755463312386 27017 +14195740580484729350 27019 +9803124421150553605 27025 +10816782357994013187 27030 +0 27033 +901068270668570628 27033 +3497443508606598150 27037 +4357456412218394117 27043 +6973330539006237188 27048 +5041724034333788678 27052 +11150395976534933507 27058 +332000066340868613 27061 +14922621564214126596 27066 +15094895760524083716 27070 +1722441699299897861 27074 +11974014167420798469 27079 +9184102620063967235 27084 +12382051695089313282 27087 +9323417491116622342 27089 +1782582342376880131 27095 +1884580856210058245 27098 +12595903208123166726 27103 +9532267579801120776 27109 +10254745611543500296 27117 +10686003471404411396 27125 +915354497230220806 27129 +16629028752607140355 27135 +11452598146900946947 27138 +16584533337837836803 27141 +1173837254526333954 27144 +12550233575223316483 27146 +11522173677029551618 27149 +2470400434563669509 27151 +5422762347299761155 27156 +14993212851102904833 27159 +17714463571857018372 27160 +15102855663794168837 27164 +1367334434752116742 27169 +12635273504519977476 27175 +8068044802032619011 27179 +11009400167082576388 27182 +1831598667348637189 27186 +300206304468616198 27191 +7287423899691977221 27197 +8262893207927267844 27202 +9776631744107233283 27206 +5256710787449839623 27209 +3325313162496898569 27216 +1582257852211192324 27225 +8219245287897874437 27229 +7803426097268346371 27234 +5269664226044603395 27237 +13716361679061471234 27240 +14644223514120921091 27242 +11798771630740101123 27245 +6966323499378643463 27248 +6675671572028502532 27255 +17005374497853868549 27259 +10868938849124961286 27264 +18010584309903407109 27270 +12047834391674040326 27275 +6404040253294264835 27281 +17460582980058472452 27284 +16969525222822637571 27288 +483277799092455939 27291 +17331249202410206211 27294 +8474118663113083910 27297 +4001617938897362947 27303 +18127274806199374853 27306 +103282098524103690 27311 +4482916999278105604 27321 +11921619250520573444 27325 +9110989652445481478 27329 +16082671713940928003 27335 +14636383019101991426 27338 +6454812723984165889 27340 +10842771062793883654 27341 +3618158929348574212 27347 +1989959533020367365 27351 +9607446019093179397 27356 +1551136878812438536 27361 +17282480354697683974 27369 +16753726835720065026 27375 +16878810692208423428 27377 +7570298741478965767 27381 +2936647655091593731 27388 +7786734902563060229 27391 +18201829043227020808 27396 +788233897531943429 27404 +6682518947861395458 27409 +9429180065988483587 27411 +2334971045857193987 27414 +14821329012873553927 27417 +9451310781069559299 27424 +623376099224083972 27427 +7182665830854666754 27431 +10783560161432391172 27433 +9811798413268192771 27437 +2039698157233842691 27440 +6016481299672906242 27443 +4648363994055632386 27445 +16903846468228179971 27447 +9692218226681251847 27450 +10837150339544740868 27457 +3001973247140076036 27461 +12573844650187006979 27465 +6992190895032488962 27468 +14614649110491045890 27470 +1571698054313717250 27472 +3801458767595498501 27474 +1688283588130783234 27479 +17499772686860033538 27481 +9320786964962413574 27483 +14665582046311143426 27489 +12375167229161074183 27491 +18156818210118712321 27498 +15539487076902052354 27499 +1223471304503691268 27501 +15919566797868698115 27505 +15929192700121291269 27508 +9374411591875857929 27513 +14854117269421352963 27522 +3846050171284005380 27525 +11335470970640859141 27529 +2013901752797222917 27534 +5784471517996397570 27539 +6744046946657422854 27541 +16373216103296174597 27547 +9536214652926972418 27552 +9033956476939438598 27554 +12547231179349066757 27560 +7659745524622468103 27565 +15730093464262291972 27572 +14264973356853753860 27576 +1073940270101903361 27580 +1794581202754454531 27581 +7913738456819301892 27584 +10335908714015709187 27588 +1057673475068073477 27591 +9571318234701181444 27596 +3885320158935123462 27600 +7876518912308534787 27606 +13268031077525482497 27609 +10847301515155502599 27610 +13563845673891144195 27617 +5981118572658320386 27620 +15446893933694315009 27622 +1399236513518853637 27623 +13235059203361521154 27628 +1203721769572909576 27630 +803803674774941185 27638 +5874732067706151939 27639 +3159910226666438658 27642 +2196286546903102987 27644 +2035795113895628804 27655 +490721940481129990 27659 +5717527980656148481 27665 +928309901655580676 27666 +5112896691045796354 27670 +13382236456941776900 27672 +6477492675748518404 27676 +5277295886150110724 27680 +0 27684 +11005219938239795717 27684 +5847725934908801542 27689 +1640218877152997378 27695 +4818234936557756937 27697 +8759579150687487491 27706 +18319688464425117701 27709 +1494316932479347202 27714 +11055121841065881095 27716 +4824792377325358595 27723 +2441123696075267 27726 +15913703863370449921 27729 +7608430830275507716 27730 +15956334909150771205 27734 +4080924765564415491 27739 +10576625027305013761 27742 +1323181948150787 27743 +313033290177742339 27746 +1776427542963808262 27749 +14388861971797638659 27755 +1775357233608142340 27758 +3363501173727874051 27762 +0 27765 +9308433499745982469 27765 +5276224411256330758 27770 +3988593014847274502 27776 +11216970942360866818 27782 +488258262902660613 27784 +4950952705910089218 27789 +3631476439088841219 27791 +1294779717687377923 27794 +10715803137916163588 27797 +5328725985145536006 27801 +16776743523519132165 27807 +0 27812 +9744829232405560834 27812 +5341756538827965447 27814 +12039445084268695555 27821 +6760263371317772290 27824 +3332009157790863875 27826 +10320838674814260742 27829 +16949775230106059779 27835 +5861644478749366275 27838 +1726395507824388101 27841 +4762207345663982082 27846 +17231522098167322630 27848 +14421880835698057732 27854 +5023077295979502595 27858 +10517850086874432514 27861 +5967440146584827395 27863 +16527541002954472967 27866 +10436331953910065668 27873 +2389760603551931395 27877 +0 27880 +1144865120765657603 27880 +13217748892195369986 27883 +17352613428464657922 27885 +16874883911103640579 27887 +3625054944999195650 27890 +222641457109766146 27892 +13573804061346845188 27894 +16751024350720579080 27898 +17270022517511147523 27906 +16483865784783036932 27909 +10095698891733476869 27913 +16091801845664832520 27918 +15924732150171906561 27926 +3743350229006833665 27927 +3886476840331721221 27928 +4098326747457178115 27933 +15621319143650570754 27936 +7534482055619792390 27938 +9010562698180718596 27944 +3181775493912207875 27948 +15797105414076362755 27951 +9296861234419807749 27954 +6566949203661880323 27959 +18068146058198479878 27962 +436316601605250052 27968 +2885835946433782787 27972 +13153676947951734276 27975 +17723621905562034182 27979 +13819549391996856325 27985 +2003804760717710853 27990 +8205931975694454275 27995 +15125294250247107587 27998 +6317449691354001410 28001 +4219322813745858052 28003 +13285516621104327171 28007 +10989625686350212101 28010 +8320728291070231558 28015 +7004984528467301894 28021 +8138899476543091715 28027 +6975996642794673667 28030 +0 28033 +14477087581034197506 28033 +2266445890966857219 28035 +10863628170032659461 28038 +8870992452930714631 28043 +11103743873297186308 28050 +3493084442508635652 28054 +7613967897028892678 28058 +3227404645997482499 28064 +13609388987549826054 28067 +844379174302879746 28073 +16059796883572610052 28075 +12409718663534289923 28079 +1685610172745182724 28082 +8449226054224638467 28086 +16964148549595787779 28089 +6652492446995490305 28092 +16814385779031072268 28093 +11373855676045344263 28105 +14374167088413822980 28112 +7338465394369864196 28116 +12879728353448430597 28120 +9698711388291870214 28125 +10740258424332114948 28131 +17511360503302813186 28135 +14334197222464534021 28137 +5455664294809846275 28142 +3889380993401960453 28145 +10808463882408597509 28150 +16505424262269172233 28155 +16403084178452968451 28164 +5488877421673754116 28167 +7260525236711706630 28171 +4696250748284396037 28177 +13211486618893089797 28182 +0 28187 +14405937888728907266 28187 +3604799783293285379 28189 +7050526473530572805 28192 +8342118180843459077 28197 +10059889109467995653 28202 +3363515925853308420 28207 +12058020965264691203 28211 +9644600519615225858 28214 +9444876214311674372 28216 +11350208736578022410 28220 +254014860943010822 28230 +9191340437695017985 28236 +12105950291699320329 28237 +4973744494501989379 28246 +10572028240281957377 28249 +15005000415016487425 28250 +1170475292465013250 28251 +14610503057742862853 28253 +8098380612115629059 28258 +5070386353942812164 28261 +13208117600015078405 28265 +15377808355664708101 28270 +15348765223604192264 28275 +5390474485189083650 28283 +8223672257288811013 28285 +11843635436557724165 28290 +11206162458096382986 28295 +16033956667416208902 28305 +12589412289300688387 28311 +14266728349861871619 28314 +4267034585002503173 28317 +5814924700879080453 28322 +3549144793931417608 28327 +1011041673916844546 28335 +12374553421143135237 28337 +10630726501372303366 28342 +15562317555394782727 28348 +8177121955889117188 28355 +14211569375672433669 28359 +17146586774501263874 28364 +11745490811942546436 28366 +3235954126176388100 28370 +7828615272567475202 28374 +18114499259696720389 28376 +16593842778257996803 28381 +898166200350760965 28384 +4558614593671642628 28389 +9703465472593849348 28393 +5040571854608980995 28397 +16159692675805888515 28400 +5747351305253837827 28403 +13766686556146796036 28406 +12321083553511142403 28410 +245293378479454725 28413 +2527865748840571911 28418 +671396008333757447 28425 +6755770754094261250 28432 +11917262911950073347 28434 +0 28437 +11854058001767773190 28437 +14179283291829380099 28443 +134373028844454406 28446 +10034393354179604484 28452 +12221759817135455235 28456 +18011477218108530691 28459 +13969845616243802115 28462 +1089417119149966339 28465 +12735284320972413955 28468 +7172355266274189829 28471 +10491091757293598209 28476 +17512173895328646659 28477 +13854244387665177093 28480 +17824241592496628230 28485 +14832920351129794563 28491 +17824119926557303298 28494 +5782297239942292993 28496 +10764918475682580486 28497 +16715466561939157509 28503 +13281573129439463427 28508 +2056712948233608707 28511 +426165506969822725 28514 +12888684045008132103 28519 +9053398823455370242 28526 +17336215333469513729 28528 +18135979154388678147 28529 +17201334874352393222 28532 +1723356914923388933 28538 +16618674322630411268 28543 +6927553433081135107 28547 +289718581383745539 28550 +9098370825422487556 28553 +2042623869618211848 28557 +1146133447527424004 28565 +13212711791705075203 28569 +16656584854303180292 28572 +12572817499936624643 28576 +16495758352791886344 28579 +9369465163504755209 28587 +18008101913589939716 28596 +17369804729127171074 28600 +10587960006650902018 28602 +8620579858862876674 28604 +7157134710230219268 28606 +1015657708556980228 28610 +9356003711502009349 28614 +1031312370930092549 28619 +7612008806781787142 28624 +16607562693107749893 28630 +8568560037012391938 28635 +12052143592608662019 28637 +15532402070317715975 28640 +10502933739744537094 28647 +642902553308375558 28653 +3831226227702153732 28659 +12409485542406821893 28663 +1204132007906466821 28668 +11295560234266911746 28673 +15507872800999186437 28675 +17473039362042592770 28680 +16874692203455670787 28682 +2928165155303744001 28685 +16015610506460756485 28686 +15324885533455863811 28691 +2256839257844861442 28694 +8853382759335904772 28696 +0 28700 +9886455693472769539 28700 +13763521238001075203 28703 +4060090142792666627 28706 +11706047132741561860 28709 +6472252586696652804 28713 +0 28717 +15765020684687997443 28717 +7024624666103097860 28720 +5462753588276397570 28724 +523795216989565954 28726 +15467199474791821315 28728 +13275389291200395778 28731 +2475555437863681025 28733 +9607422861033050629 28734 +16542534775475255810 28739 +9923644374322809347 28741 +0 28744 +11762890047760966664 28744 +16395610519953129477 28752 +8643599986767270403 28757 +4680251321657830403 28760 +7886544113881836037 28763 +18100335970417702408 28768 +3166177673145484802 28776 +9327728589623866885 28778 +2285617782327759875 28783 +13965281430759948811 28786 +4971808050061984260 28797 +17866929591479090177 28801 +17042883909468065797 28802 +18021391754670301188 28807 +14498545658744043523 28811 +2006739692947066374 28814 +10411253569907978754 28820 +5145498990519415305 28822 +16444844687595390981 28831 +735410016066073604 28836 +17067338696161135617 28840 +16901334427956061702 28841 +2792593367151667203 28847 +16801238504242486788 28850 +12712325001406675974 28854 +16095230693407693313 28860 +15936609986207438852 28861 +17067750192879406081 28865 +15333719036836194821 28866 +15646620585964832770 28871 +14797746461655280132 28873 +9290569442509729284 28877 +6317952758739202051 28881 +16231961553342372869 28884 +321800802723052033 28889 +13584434525326312454 28890 +8525616112472134659 28896 +5689503089897523205 28899 +14195194120926960131 28904 +17331327368140907521 28907 +12717739267676483587 28908 +0 28911 +11502403691957495302 28911 +17604302121809893890 28917 +4153720625085576197 28919 +10212477135288064517 28924 +8817432328782411779 28929 +4495134564576483333 28932 +12167956651366092290 28937 +12017383539423245829 28939 +9501236034756559875 28944 +2295133439312901637 28947 +8732769352873553926 28952 +16075032288775313409 28958 +18313603218796584963 28959 +3060949486282982404 28962 +9823463615207083523 28966 +2891995868511851013 28969 +14907903069978727431 28974 +2764131931438161925 28981 +6967772881039249409 28986 +6223601220339009028 28987 +2763385844645452803 28991 +12019042483414708225 28994 +13419786462306517507 28995 +15063579675448973828 28998 +8896417646520913410 29002 +14700063690716129798 29004 +10046348414274082305 29010 +5344487626671703044 29011 +4611562515937225735 29015 +14965680219308433411 29022 +10318803624594633220 29025 +1463966924492120066 29029 +14596261665692102146 29031 +8789093157025207299 29033 +9654371579036536325 29036 +0 29041 +8906380587700728833 29041 +16816574082282547716 29042 +4448330955907774468 29046 +6375757011593868802 29050 +1602212385208045575 29052 +3572481030199282180 29059 +10008620628418993155 29063 +13271286948872834571 29066 +5238377377933459971 29077 +16757864975786004994 29080 +17593612359936842242 29082 +13051584215582799364 29084 +8423024020667539459 29088 +2423106658742851589 29091 +16481016440824012294 29096 +18430216627881030146 29102 +15139285096087502851 29104 +8239649138843060228 29107 +3469186207717830662 29111 +15830424202530588165 29117 +6581018834123716105 29122 +15789574596323324933 29131 +2963342602993265157 29136 +5624390516394881540 29141 +1790450151060238342 29145 +13038007301254403073 29151 +10594749091586140163 29152 +8920847488983915522 29155 +7427668914158840836 29157 +15110496269677746694 29161 +6185104222967057926 29167 +12593000518292551686 29173 +5973147807534836227 29179 +7395539839025771524 29182 +868840097759251462 29186 +13463110284063083011 29192 +10368962378148727301 29195 +4713806715307677698 29200 +6250001449646425091 29202 +5405720363654814725 29205 +3187013777846316038 29210 +16059184211163681284 29216 +3764928086254023171 29220 +957449202281837570 29223 +18409873855032721925 29225 +6426551321317575170 29230 +1682402638484997124 29232 +1805098072492632582 29236 +7104762322263786500 29242 +13517149917478566403 29246 +12604250581900897794 29249 +16862646658799758340 29251 +14415225397741895686 29255 +305625961345777669 29261 +11260737380908026376 29266 +16359788414603555849 29274 +13364349071461839364 29283 +7337443529497924098 29287 +4261515270118546435 29289 +7447735784412458502 29292 +12212736271937741318 29298 +12232209887385945603 29304 +13390908735652078084 29307 +6805947978688978435 29311 +17428092915439775235 29314 +0 29317 +9672494822143983107 29317 +5137719982673004036 29320 +336874906740476417 29324 +17388952240079238657 29325 +2578513365418002440 29326 +14087915943972995587 29334 +582621624951719429 29337 +0 29342 +12584838770663609347 29342 +4147292332721115649 29345 +3292122421166123013 29346 +3667354360248334339 29351 +16768871779376893445 29354 +1902758103816471554 29359 +6523546155408460297 29361 +17813280975734395395 29370 +6224287249403795972 29373 +13669982250452536323 29377 +13341076330759644163 29380 +14293098934227611143 29383 +1816653744873552388 29390 +14272695589484578308 29394 +5688032699464201217 29398 +15252695206923304963 29399 +13849446184339829251 29402 +10650997061537609218 29405 +18394179008316584451 29407 +12907476786081478150 29410 +4139825861324158470 29416 +1823865137316715012 29422 +13928499879807597571 29426 +14251616686545917443 29429 +8898524832738356741 29432 +6742599723521129474 29437 +16749526192511615495 29439 +9879804729782895108 29446 +1447684966932512260 29450 +9733786695900717062 29454 +8940883584465882113 29460 +4058655346070766594 29461 +5624772647529890817 29463 +519295434243513352 29464 +1233079942036435462 29472 +13247112848601841155 29478 +4266900495908525575 29481 +11718045663883139587 29488 +3583919942788913156 29491 +2174654148715484674 29495 +4422611502403411971 29497 +16559771998305512963 29500 +2331135494074928642 29503 +6871499043113983492 29505 +14329086904529404935 29509 +3337314035840573955 29516 +5214711758839982596 29519 +6330893514543333889 29523 +17406550705589452802 29524 +7688568101928572929 29526 +11517821915434861060 29527 +18243945847143981572 29531 +1454994119942469636 29535 +13638316797770497029 29539 +7843702726065972230 29544 +5562968487687761411 29550 +8522611700094936067 29553 +11004272510676596225 29556 +15084890462187945988 29557 +18045957488835277316 29561 +3538345522948319749 29565 +3970771538655395333 29570 +14138351798262187524 29575 +1180136369659199494 29579 +11406181661649156613 29585 +4783497507482071554 29590 +2402941237590972417 29592 +17132537603352860165 29593 +4702433322579917827 29598 +9674812952215768070 29601 +69081766659005953 29607 +14579697367285540357 29608 +7999726578752138241 29613 +6428975881139499525 29614 +7052169996220272647 29619 +10680399772009010178 29626 +4536047539072899074 29628 +0 29630 +15826039429580020742 29630 +5245148884771670530 29636 +607074983645271553 29638 +15745249145054054404 29639 +12131086600258927621 29643 +563888695258600962 29648 +7061025051109434372 29650 +3708559402022777348 29654 +16083462252151616516 29658 +15880879740278806534 29662 +171426583477672451 29668 +15511078036502409732 29671 +17216852673827458568 29675 +5617727268510531075 29683 +8024996604384297986 29686 +2297473761257340417 29688 +12323886104428456456 29689 +11328762910403783171 29697 +15447847389222722563 29700 +12349554671705870341 29703 +4567833863553495555 29708 +3732456592044106245 29711 +8231664756309725185 29716 +3267362584522692101 29717 +9524773010625958402 29722 +5811964255603210244 29724 +1070088383772529670 29728 +2537406609496519682 29734 +14803661885159527426 29736 +6312943530737393669 29738 +8110444840047646212 29743 +7176334498499146244 29747 +14058039387792699395 29751 +15169792689431166467 29754 +18088865934519351811 29757 +16398339274146746885 29760 +10443863150248381446 29765 +14770547353187780612 29771 +17719342372573721605 29775 +2664975923473701892 29780 +12646693243846520837 29784 +4826710605621551626 29789 +6943633528855012355 29799 +17816282824649897990 29802 +10623303539888195076 29808 +4385932695181354497 29812 +17027012988127992837 29813 +7253401811106718213 29818 +18167125983772461571 29823 +4814930003154700806 29826 +22016669932071426 29832 +0 29834 +12100258260688946689 29834 +4758409647488238598 29835 +17430049652946758666 29841 +992861376646371841 29851 +15096791897249129988 29852 +18016834568128480770 29856 +17385107123701630983 29858 +588321580726793220 29865 +16697938239322977796 29869 +5736659030050895876 29873 +16330912578220441603 29877 +2515451208478318594 29880 +2164148044958082056 29882 +2325751282787148290 29890 +16396081059951610370 29892 +14983517770217172486 29894 +16085663718450063364 29900 +7285132258374895105 29904 +10572986958445018629 29905 +12833246185589934596 29910 +6447636554940617733 29914 +2202353723542950915 29919 +16075080294721038339 29922 +3166923922368512006 29925 +0 29931 +10298285324409892360 29931 +15333063537203022852 29939 +12907038480681762307 29943 +6492842552131100677 29946 +4704184932110593539 29951 +3433219726358612994 29954 +14500763476944779265 29956 +7625854148978155521 29957 +9461809952991494146 29958 +13730547131328014346 29960 +983153615087691778 29970 +13275485276824515075 29972 +18085847897146898946 29975 +3554861731131312129 29977 +14806411652981354505 29978 +11145068024525702153 29987 +909749405897881093 29996 +2476199110342981635 30001 +2613573169563869700 30004 +13523671049703767042 30008 +14110474859937713155 30010 +17576912583626599428 30013 +15913427229484016129 30017 +2648621074867866629 30018 +14703303873583101956 30023 +18347829779311069701 30027 +13383888230999048707 30032 +1995887229537386503 30035 +8428042838411819525 30042 +9476180941400330758 30047 +9238143437956059652 30053 +16385612505098446340 30057 +10861885217512871942 30061 +2480250995507072002 30067 +13148573110135086594 30069 +867032704334898691 30071 +12275130144382082050 30074 +9410894462220690946 30076 +11836877733916215301 30078 +9720055673692032003 30083 +6659477774486116867 30086 +10308751041135007746 30089 +13763730345419341826 30091 +3268663127635409923 30093 +5290951473206291975 30096 +9069521782296097796 30103 +17666290167494248450 30107 +3405611334312201218 30109 +18323272419860160004 30111 +17539476207565510662 30115 +85653795364583430 30121 +8560304411759686146 30127 +3190417476410562057 30129 +642359636370592773 30138 +10813161837319305219 30143 +14542297602850473476 30146 +10332797345328492037 30150 +2242029096545891332 30155 +6526662045868537348 30159 +279308234901677570 30163 +12350299812601003526 30165 +805802566307788802 30171 +18002646765896846339 30173 +8948507217656093187 30176 +8060523702983353348 30179 +15646886228811620357 30183 +10870587801845401602 30188 +16911132881442463234 30190 +7641550832688464387 30192 +16473837308521569794 30195 +4902301583813576709 30197 +5023908231208951303 30202 +1460929338837772289 30209 +9039795532949942274 30210 +1291875584697304586 30212 +12111087266862130690 30222 +0 30224 +13773587441905475078 30224 +14729033243904416261 30230 +5293416284078215170 30235 +13320186602059841538 30237 +7519812522841175556 30239 +9363035743313202180 30243 +14660887055721548806 30247 +17957289355772212740 30253 +2829720452540459523 30257 +17647195421948033028 30260 +3856733476797652994 30264 +16549369705908753930 30266 +12310792812452135426 30276 +17514486026234011654 30278 +14496724320103679489 30284 +5280915393796706823 30285 +11865033130965747718 30292 +11959436972008615941 30298 +4239106116107555843 30303 +10250443795182241794 30306 +3448556172891906052 30308 +11249423071018960898 30312 +2537525124462416391 30314 +5460465030174589447 30321 +15575561375121843203 30328 +6446650893766662662 30331 +9098156061432271366 30337 +8996267651058745348 30343 +4986799749388069893 30347 +17128598104392092162 30352 +14288891696882919426 30354 +2021048820488480772 30356 +18351071106087180291 30360 +15045635583282886660 30363 +13783009326481729029 30367 +0 30372 +4491020854160594437 30372 +17126995738840011778 30377 +5338962182555110916 30379 +1451543846879291396 30383 +732760755323449862 30387 +415169820803559940 30393 +1000200710864270852 30397 +9422308393032687111 30401 +6294663824237519362 30408 +5223548785574550533 30410 +4736900074710119428 30415 +5283973332845061124 30419 +9686613176177159682 30423 +0 30425 +6996532535157431300 30425 +7108747376955592193 30429 +11977699762089501191 30430 +4608051765771447301 30437 +5168058496681237507 30442 +7784757370905373698 30445 +16569193312725025282 30447 +14784593508332860932 30449 +10940705921890846210 30453 +5092777084011795971 30455 +7022373175748471810 30458 +5307984928686069765 30460 +5145131368659417606 30465 +61074356899098629 30471 +3041894724569154051 30476 +5726827426732187652 30479 +2564555373708715011 30483 +9215844719042921475 30486 +3746834053193074692 30489 +2101702217557916162 30493 +16598254846643675650 30495 +12623335308780354566 30497 +11388167919164633603 30503 +7722908667833408002 30506 +8964933738945016834 30508 +447940713398856197 30510 +478889576481511938 30515 +3116605263496908293 30517 +30522 +15524056308156023291 +7629281350801770423 +4599461227359910264 +460010501969 +1256398974978584954 +989585306368897082 +15287987246124194458 +2624475553087776397 +16770481615952636575 +13217700199285026669 +1998795817793894308 +2596888135805187815 +12916811443309585866 +5885297337779768445 +12395414163197940292 +8707080274745652023 +1470296917966146277 +417018684979 +13950077918785244145 +3331190244687228266 +2848546760629840622 +9168593207572981830 +1626046267480552182 +17462940151928540698 +2949113337359051253 +10158546382084904624 +17782439637510196490 +2676033351739115904 +9870724626412586 +1817503749366507070 +8973743832958979213 +14215481509680276661 +15309398074547711327 +2583578220706283961 +13065070596957035663 +1042835199137174697 +3798785647455202519 +2602164597383903970 +11214613651591212145 +9870724634130246 +5885976121588465511 +5196829205934730346 +1709856283085515333 +7141996804578035196 +17994826932708531266 +9870725141919161 +11757180014592265618 +31586284216018038 +17296410966260724126 +16760836077873724 +7033105760275398997 +5409264972054029930 +8221823040559397780 +1147642989435908904 +1286221629024853191 +9391897706793229984 +9555769852467766351 +803141333804871076 +8211561456004118280 +2625039564398275843 +9941138681621846632 +9870724653478986 +585952638193572928 +5600195317109704044 +18062046967310139496 +15663328263737785220 +15287141171121506780 +5831598103021950485 +8391049291537016037 +15289397396921983501 +1997667691995678329 +5895024564989800980 +15287423178925235854 +9612178895991302071 +9870724661212262 +15294191589786195246 +11681251366039404763 +10475598666844162653 +1467988644601212440 +10460733961090783380 +266904255345554194 +12318365723906542221 +1996539665076540673 +2946293117443911132 +15791923486860602889 +7194265606575489711 +15293063562867077655 +9112482678314975990 +30458222903562826 +559089197 +5883901131227669995 +10905496688719717893 +62915730 +3784374912697835249 +5671807405265998899 +6012976174249615771 +15288269305517057761 +1730290063664633729 +11232862455617701263 +6250067602413874614 +70648994 +7300765490991137662 +468607832971 +8253999917178707836 +4017417587998156051 +8102805470461451750 +5303893093062348330 +6757860745649796762 +17375405732369226410 +7032259685272715569 +32432303330233792 +12991440749543298882 +6431101369878920541 +27356059670505293 +6154199846417673706 +14256452938553695815 +6205475701751102644 +6527884510368848273 +9870725207645734 +1873618231088915129 +1786642098172010306 +4613852900778660097 +15947115216739130074 +17289631549178342487 +3532982538532104270 +6981265889333346589 +13252643833685290771 +9870724715345051 +3187423099130618061 +3878614004656906925 +2384543510041933865 +14383055795155834 +97715420 +7138759569688363520 +5319918520868022537 +10394854768294779799 +2624757556593386511 +3477471148185364775 +17479635317879229319 +3867407656721258560 +6736241924279245438 +5249797155383874856 +6103488109872367256 +15292217487864372433 +4342724821818092661 +1783548277597102313 +10714918364066035497 +10042583961566655224 +2414448873112820773 +105448723 +1983843766236893480 +1038040993376331644 +7087765773748994540 +29612147900878008 +14108728388800812184 +16181045709928024118 +5332949825900711062 +101405088373681455 +1361488768782918516 +1192315299587690172 +9870727242610477 +16488501822810043827 +2819377816053302949 +16354230178502886383 +5812897583379456955 +7299919415988454234 +1873618454645323581 +8854886177038032283 +16035735729017541604 +159421316186126130 +3222869534187936207 +11069209987851051781 +2813908262694556245 +6156455943246587425 +15290807388655740683 +8813451672089094387 +6925759852446220398 +232154798099 +9717750866933276307 +17785259896117865555 +28484129580278724 +5851982645744113574 +196694351502977939 +13304646022541500331 +11132577981273173969 +9019152132478280631 +10344377673806138876 +10163351606963747367 +9870726269597365 +13819031587993432 +644154969 +2672695638434128587 +12393440069873437715 +9086434751042308681 +18144287406214883035 +6264336012520277319 +1650738764618625506 +8990977686124377056 +32150347115665324 +15721176019379709155 +18328376701227789973 +520196988774 +6722191038494891185 +163448162 +498703026811 +16153465402256013747 +7086919698746311112 +14414852539201695218 +2843741475563247766 +8597138013777583604 +8709732826087623533 +17634637760346538519 +17631552790872271952 +9388164695702249920 +1254706928152687733 +10381145633145054645 +1572796379011507385 +9870724800410883 +13736232135137770051 +13460349110998221489 +17681752695418990978 +13948385820369056540 +14363308676198719275 +15288269249628629603 +3999491521748356935 +17616677733309049856 +3598538847360734352 +6407780380180963229 +7193419583161959063 +17060688321802281929 +4550503020413738468 +4713167469917857325 +15292217539453526977 +14916423074419061387 +6704085945551444889 +2366626164980330471 +5876226285749414149 +17079630191614978340 +12484612888872834224 +5352348801563765950 +9336987562237568258 +933515197984678357 +2367574150131823865 +11722522519282145054 +12799106027345178578 +2203614370003173607 +8412057600244518600 +935489342897154319 +1873618506234479507 +3204066844433990471 +14946201981959087685 +16434950874865748014 +7106783930712005948 +4904404320319052296 +5303047099741311443 +16892239413473718313 +13222096480399396837 +5939887919898381071 +9651137534997766172 +13050601114700232252 +2625321610894510754 +10513874242729437849 +12738276254631803278 +2625039560098984005 +9870724854543670 +1992881785903856274 +1873618441748678927 +311384754869251181 +15292499491369978872 +2785415326238575884 +1733166933 +9194029986771398058 +4365596477677984798 +15593960942208499279 +9675056182159544482 +15268775188645635853 +1466296546185010362 +1943289755113510023 +8180059236188099590 +7192573508159275635 +932669187467795769 +5303047035255546313 +5356296983911098272 +5835546388547570309 +1317329508063867494 +782962408223956285 +8545007112842921653 +9811526506704620883 +3547456411520090646 +252380560 +9870725877823044 +4255178349871964848 +4011069717272668568 +12116988438795739565 +2571803318972004151 +4927877544240421979 +5295201909141159528 +1167049841370884849 +10481515389337031496 +328478129841976552 +6672837949675878809 +7299073392574923586 +15288269301217763005 +3611166367999739156 +17215878252576708708 +8971856406698617191 +10167299892490541466 +245710197296357438 +9096726350103080350 +5887235996162331894 +17783567711719199942 +14101035093612254 +11977864089922064691 +1270478860423737113 +5353476806987746016 +6152225697205919296 +442814582043 +27356055371210669 +9870726408795869 +17190313216042024565 +283313582 +14956089009447721650 +6313103557196270966 +14262234001769908425 +15353111055435130549 +14383051495857630 +11228068150976606367 +1410790466306073023 +5408700909154274074 +11611468529673987426 +3068049046899137789 +15438526495173861369 +17933750666284128452 +1432829561057785309 +2624757552294091496 +27920101075004342 +5247566007868484656 +17320052027169532259 +2698559735878272497 +3831400973528283286 +5993604007128807783 +17627202174358263055 +814286485 +4826570575824119234 +11292821522090302091 +1935660024149519519 +818153136 +11237266887800415542 +11300160798669233168 +16879729066389214173 +15293909556188034116 +2850284722128904643 +15287423226215075212 +9467310877348145129 +5557008752083027647 +1873618450346020308 +5248105001080403459 +10754469081008513509 +4791486465568876233 +1361662533288282391 +8351021376252891085 +16358402449810345790 +13290656284748632148 +227855504403 +968496635821772068 +17944163576803978038 +16367553597842348808 +10127586034317532321 +15294191572590285005 +13819027288702679 +17006104435530867673 +5901227768804950936 +3189961199463960195 +1573132449850090686 +13859301711093646340 +15292781537867410482 +5780604289886654026 +1605337806596763639 +1518982380352857485 +2672421311952599598 +9157067900260923083 +16251805842761936863 +5194291114197480294 +12357142887632169892 +605557034314829394 +96258139764430244 +14229542852125748014 +6377011672450819552 +3493083035910933725 +494403725586 +14581733581932556777 +15945141119116524477 +5406444756436931131 +11238262650285724543 +3459957951274443637 +5462796855430091810 +8799617787702427309 +7091632722874428840 +5887104174302325394 +30740265101711654 +17756287572256048746 +10808002067170534178 +17665479438249905570 +278954004969969440 +17305164455171199886 +9870727009367834 +16215402270900379099 +18315937179320329316 +830399540495409508 +11149959913285820482 +31304332299482347 +5621982556817736485 +2395604898 +16198687013053688781 +5993604058717963994 +14633483086300318850 +6914519263123223335 +7879019275372531567 +10352699001901052059 +38835486526101373 +1873618544926988182 +6717643103419573200 +5352348797264469932 +40932558193245269 +17954672406052483178 +5785116591022102636 +1873618501935179977 +6926887926655221912 +17407775140466473235 +2411071396 +5405598724426047092 +16052696454644592536 +1981657501801261006 +3462214048103355889 +17448309298063492298 +265627134533331391 +6262673858549852251 +15293909564785390193 +18446442990319850223 +11182322173924232442 +12914923429176565113 +5884848086070735407 +379647476803593749 +3453178577183854176 +17542946455516547821 +15290807392953769020 +4239948864342087539 +15287423213318465194 +2625321606595218478 +2625039555799691627 +15373960034460589220 +2412665836111730591 +3431717726747184072 +15287141162522917162 +1840738113231656340 +7088047772955312626 +12162011192766978253 +9870724567167937 +1531985421723914527 +9870724571034568 +260967875911430091 +15292781546464744903 +9178090636032107097 +6520140091093883726 +868812296638846985 +9870724574901212 +6872944261489385789 +5726358153366673376 +11260491923127621762 +15711638307477870312 +11818157132458101781 +1622184526995346901 +7734243451317273856 +11483777213875046168 +9742034253351631204 +503001063142 +6926041851652538484 +3934614182098834766 +8754016916637699798 +12538477155043513887 +32432337723461669 +805679524421050719 +15287987246122935112 +32150286927941862 +5516046791189021530 +795641534022568630 +14101030794314749 +15288269275424515478 +2146416200306528789 +1411918531917725448 +16655465042802839521 +7126195226022784504 +13524360535096450309 +4690184287621622973 +6423923764031281208 +9870725102007662 +438515280056 +2624475531592560499 +11842863504061843152 +9870724605834245 +9870725109740943 +5773587630547822091 +6453783688492567070 +1284455503083422926 +1042835285119554664 +10905173350565415314 +1988364156 +7032541736068186435 +1041143148010812452 +5009194185446669134 +2786543391849062873 +8363198908260968902 +13681696359428852427 +506379815814642135 +32714354125706319 +16874923781322653118 +1944417820723986922 +15289961326549609359 +6981547940128817455 +12162857211881213544 +9870724625167387 +5881584636093090571 +13453519300172077763 +218681408484889630 +17324797938978137603 +2052045680468446243 +3671038 +14143644136688063565 +6879575328001833229 +13493553732200249454 +7537695 +3911134543245754926 +17946822069105815095 +17760612867621469546 +11404343 +11846258750106249385 +6153071819498469920 +15292217457771817006 +8702030264114887840 +2206716481647028810 +15290525393747385888 +7193701582368277149 +1873618489038550391 +5515050465755668345 +3220611591653301733 +9308649427282177913 +3933486056300621980 +7407043819254670597 +16068156643263859136 +14418466534433295917 +15287141171120262317 +15894193108039636411 +5566476498435443603 +335239252809042523 +6587399347873666185 +13693253505669549604 +5722409915130917825 +15209512063275063087 +14245100990001005341 +933797197191002259 +12644080653952552167 +8753170850233533865 +17063720868378326938 +16432418256543496399 +16871265277961256774 +3038114471257579373 +18349862087501945096 +538510833 +11444170014255885452 +223556211193 +3228036267942109810 +6902477434606788740 +2042496903 +15289397375426760829 +15291089439451213066 +138579808724085498 +9870724671566990 +16369420319013754427 +9078366157069957119 +11183571704128154928 +4443634474708587167 +1554057000 +1733110154606955913 +6980701865126134027 +4386668139559725110 +18413391983689269330 +11279918573498347831 +17120804882392510278 +1514961573407562608 +15494352691276102648 +15293063541371843741 +32150338517103231 +5565348480114828262 +351895551019583834 +13086328443852972385 +2837475523980259743 +5429433323061333427 +490104447669 +16457530956312368790 +11967097193144606172 +1955074291192262257 +13513390332480987407 +6524975230323345246 +2911559435924496773 +3870997107617308014 +49642429453071194 +5879046432580187225 +447112611794 +7087201749541781978 +29048123693682485 +17941343374083509398 +2431982719322314678 +2416614035654907370 +13850612818404511436 +32996413518581579 +11286125290817795239 +740331179229255790 +15289178944639886117 +10381427610856196552 +3517578625989434115 +1041143135114195554 +7299355391781241672 +12061232556372402454 +5996988234053992984 +18304893710506924569 +7190941895787616245 +6197818834070612485 +9257277746004305542 +2239872160221716394 +5984954169514466175 +5251489270997407931 +1167613826886937472 +104203525 +15390728623807289507 +6605958281447026228 +31586314309935874 +12852758387335646012 +6088875966159459989 +5352348771471214669 +15287423252010984579 +28202091682807525 +12084836356065344380 +1873618476141921794 +7885906741318986866 +8635985927846780981 +31586271318139343 +15290807388654478063 +2625321602295926099 +16366386920213000161 +17781311606291717716 +7086355674539098550 +6155045908522470181 +1089389850446149536 +6128307541450452356 +9995197535073997232 +6206321690771601905 +15291089448048530375 +11180753484910450760 +18326431800623128897 +11513845083936944019 +14821223763399480790 +18272579795703786380 +9944700266957453840 +4997605251384557930 +15287705225421395227 +7415538610404546471 +13819010092772606 +154469687 +5565348488712166097 +3229097897723825405 +9362328123013340894 +11742834345081909157 +12057284339630633050 +498701771475 +9551365454677031500 +14791913126549401043 +14022690072277500607 +9870726291551934 +14549761466999921646 +30458188511713005 +12060668497771980938 +17804060812849736700 +2394639639130030343 +10296928487833286134 +11236970531217629174 +27356089764440658 +4534407047512672583 +1786360098964397459 +1256116941380350272 +14101026495021470 +34406478336631793 +9870726299285190 +109394696450803884 +828707450676532763 +5885543850455012253 +2945165086225419895 +27638097568148871 +5058465021028544452 +7687600354340398109 +7354015405254837215 +2624475527293268065 +16040186186740343167 +12553974444628906480 +13615927846551034792 +7241043922144660560 +858398218214576845 +5529830611051370069 +12424382439595707400 +11370043875115429034 +11957902820310142777 +16390551576946826936 +29612220986633810 +30740204913966171 +5903884228619468800 +6979855841712603379 +5832726160033854316 +13614115066376567879 +13316150991155898424 +18412545960275738682 +197002611 +1251604691834055735 +4437379979283355809 +11452522727666175780 +1413892608045113873 +5410392964580126213 +16878448794260035738 +11951091679077670371 +7344550947391498597 +10911952814937685564 +2150364421346368684 +17939921402619501490 +4133574841719471206 +12987787523270726230 +7824637840407287516 +6043037466324245285 +15288833295331177023 +7192009483952063073 +2205024383230808541 +1785796117749063825 +6929959708802227106 +7871853591972160091 +6840459473421803186 +3007753865419557605 +849524320139695045 +1873618484739254055 +18272015780095156769 +9870728842016564 +14764657101031878835 +9870724845565213 +5831598141713227455 +7141015688012694093 +1732546126101692370 +8171425314112418061 +15722382516523325738 +6551614956226371477 +5138916826086002089 +1198918767384466286 +10588235898704708703 +988739278655997199 +33278352538405974 +12158132803790527139 +5722409910831623056 +15229096404798835 +3261565670785291501 +7353169330252153787 +5540680986801153843 +1413046597528216202 +2359415848762427008 +493559452283859290 +15058453592556785784 +14565855901331778999 +6881347171592906558 +3807130416385772008 +9832686126736295150 +17327489778991972258 +5401056691908072875 +9870725368804819 +10132679198804491240 +10690462835536520713 +10290327232817928640 +1575616521542971754 +1125687328531818223 +2298109076185749133 +9870725376538107 +18098227022771143324 +10112349153519034475 +849402218485273418 +6954522878053916067 +15289397349633515244 +17996069787993648772 +2276123859217171351 +9870725380404761 +12846750210874356229 +3788597100941953082 +2835783425564029591 +2992491432143695885 +2465915733178064192 +11644549546702873435 +18327605819744869951 +15287987271918839981 +4249311151961291217 +1868611368115260183 +5755891984756707572 +5083563915342270630 +7085509651125567902 +10003986808099848613 +929917219948139083 +2624193528086881925 +1945545894933000176 +5387900141979257490 +15288269279722560198 +2502785113463406395 +15287987228927025959 +5832726211623009717 +442813333471 +282068382 +11073865650458147423 +828707437779906462 +7612361991563066326 +421319346139 +16800446660977438073 +5822433823627242836 +285935031 +6366353527348399644 +6196126735654408668 +12255671445621650769 +3365548213300979076 +423703827937522535 +103743349278198732 +297534929 +15623949474932069517 +18175101559871003495 +1043117275727352749 +7246669497425658616 +5180680959777265849 +1251604678937435106 +2897724829972836929 +273937202870050526 +27920101073767397 +8115273316579240972 +12595141875602250326 +1309214413 +7631966286953261944 +3974700764184055222 +4562124381333884663 +13346139703866761276 +816907943 +9942463108347864303 +1873618471842619293 +1320814300 +820774598 +14342899168741705604 +7916614371163646264 +1899850279307386621 +11444170061545761082 +279124222843506536 +16632567774389937528 +11313764932574393330 +9105612360230662145 +9851298011526990785 +12408793658117407563 +5009357308242899453 +1340147431 +6583596437319798352 +4535535134618293591 +1374865351926091421 +3913452348761462572 +13292684351442611528 +4197549513321244137 +206360286599 +1693503902275620778 +15292781537866161052 +9592738396937938595 +5402945070619055213 +5888796302811271523 +15639645420123016371 +5835546354155746016 +14739094180206432054 +15896859674140691210 +1256117001566835413 +17094376519214261101 +5599429747268672744 +12908144110973182331 +12982671511023606402 +15132481537671971541 +6262122720842048001 +6206603702874548385 +6781430324967401742 +1597022911781738689 +1363347177 +16152489459093476388 +13105031987622068312 +11653222710562603138 +15293063524175920753 +494402494717 +17298949096688017209 +5991347897402027979 +8936416115184380208 +2486454635153090478 +472908503292 +7352323306838623139 +1837917927709746549 +3596136887273985845 +9165456129352942625 +7852905094729064352 +6926323902448009350 +8755764469561451521 +29048106497751595 +429916705757 +15397078589241438507 +14383081589792865 +10169273981513321802 +27638071774885706 +1605019678889548794 +15293345540578176746 +8484392770843383672 +29612216687355634 +9870727015855899 +546966169530357930 +7592843752711736378 +10429165941191227029 +5459976721497342605 +13921708807377076830 +10617906773240338015 +13072526435092408028 +8392045041254747025 +1707901714615781853 +2148672322930151047 +4758410102859262429 +3723184253158715911 +9439679720166874481 +17644982711755747755 +1873618523431780312 +11228068116584732854 +14206929112909103767 +7087483748748100064 +11083988851659773596 +15112016058677993638 +10189090321643823908 +7562135700557800888 +3733753594647237117 +1134125493305372097 +13226010606693793719 +12531357558345502833 +10482361438545193273 +13186249660293072809 +14755227646041592830 +3784724792312664061 +15287141205513497525 +5293539447540681884 +10747542314255327630 +5357989129618594145 +1873618480439957820 +16304492486363994864 +8755449666619317926 +11770418089422174045 +6041909435105811298 +9653034717995082156 +12024068771569089007 +31586254122194890 +10743598362790153195 +987047180239770171 +5599207760805185651 +10375505339483622009 +12152601868746496740 +1730854036284011213 +2625321585100001444 +6153071746414109946 +16567942547986325000 +2330447533672306343 +3935460171120536019 +5354604863999658292 +11292010839550732036 +9870724565922744 +1338765348637191623 +9034578601031454717 +7016310497406234309 +9870724569761976 +3387142657418801694 +2442023618815074219 +1573642372331228182 +3206637242895979337 +9870724573656014 +273182570212578694 +316743105212853596 +2412665771624715286 +16952496369064364346 +2845029541903936866 +3223433562694579018 +7462267818244330394 +17469317028178652890 +18213996529798046265 +3143159678306029373 +1915314009234745453 +28766150283170115 +1406696323579932447 +16968411150078184275 +2106141661137490293 +15289397302342414439 +17530831070139853150 +5353476845679044941 +481505857284 +18413674034484740200 +1776768864815358596 +315615035301915237 +5245848942942771138 +5215580144625923265 +1411918531916484972 +27356072568514730 +5517738906802532036 +5299098870104338529 +6366071515245382767 +10464976386601990257 +15882855686643583514 +5501745141036423024 +7462549834646555616 +5223960103625962435 +9870725108482668 +2011891000885325414 +3961803269376774211 +15692157487438783116 +15291935514452634695 +2435686161698282394 +417020072160 +14194830971440668226 +7426905677441821103 +8421459022910023108 +31022238513567258 +10067399823217160080 +8526790380748032335 +1944417820722750925 +6493812980615497799 +886444938757748675 +40245529848931559 +9870727124121383 +2030164825772412533 +17462940130432069930 +5458807700921848544 +1873618532029107854 +909620420025075762 +13515324999689920171 +2425835 +3364340290829110990 +6292492 +11902668864698075127 +17087641503657964063 +17175427809786596657 +17299513086503363641 +15292499560156451025 +16162827254851072492 +8309831114279762414 +10481420442142792275 +17892430 +6815608494671604753 +9870725143295420 +5778348197355733162 +7947698401704635903 +18412827959482056768 +1993152740197683744 +12428612728626959439 +2625039585893621125 +6980137840918921465 +1873618467543322523 +1788898229392916269 +15948927659834101632 +13341986048965749730 +15289115337529313319 +7871853531784416219 +9870724654855252 +13655523387674210646 +5915592292141436575 +7192291483158381159 +572110149897423102 +17416860906428775358 +5512098595943811459 +15291089439449945998 +10376580649760854212 +9870724666455162 +14648987522385858530 +2418058849019184197 +14318194643535794959 +16165083394671785792 +5461104800004442338 +7141297687219012179 +12663159498641186258 +11362090069724899779 +30458222904943456 +5493553925598958384 +6208295835683988829 +1575898585235084109 +4651906966371122607 +8587285861105358531 +8487173076311553473 +17589054587982730866 +11734883727065365868 +14426056237757183731 +11120471623495597524 +14101060888258990 +7646254130275764939 +34124461934315489 +7247797571634660130 +6313103625982731214 +3280048821686463265 +10114249505392779885 +11877318444661894057 +72025270 +2623911782530881792 +468609224066 +1256116932781755882 +13451263125959485619 +1414036927372402829 +12779319083936657563 +12644547818986621904 +15526082599812297615 +30740239307206600 +16582140215040897456 +3827505636603996319 +12410654537281525980 +425617416638 +5353476789790575301 +15129829070242601468 +3896536008686261624 +1122939678161447245 +6205475680254630910 +2116474955010753805 +683965395648908090 +9870724716721320 +32996392023376143 +15291935501556018451 +2122353976881661777 +9870724720587961 +9810233678125339723 +17424895205632055166 +2624757578088724506 +17912641785480042584 +99091697 +1842828987068135348 +3313969578832562283 +7085791650331885988 +27638024483792090 +689908947061972062 +5249797155385268374 +14801752117097289692 +14259131864331458165 +1873618519132477795 +9058418294164964652 +7034797854392517008 +1987794424247230351 +13911791817300791039 +1873618476140671010 +3189397158060823402 +5303047112639324616 +6684815990639653408 +6176104209096455996 +15290807410151092891 +7004085248451883304 +102615335255618297 +3583096215260900409 +13513632858283052797 +7246951496631976702 +1873618454646690845 +17147561398476947654 +17383394458871290733 +1840738130428959167 +11257008512376917553 +11585541199623370896 +15412641899096707417 +8699084620893795183 +1414738726038355118 +6426676126269206802 +2485203881828826198 +9870724759254249 +2625321580800709361 +1734238211620028933 +4438070835459857759 +1126071385316269777 +297236307772120704 +15292781563662055217 +2141783952 +15710497921254573149 +2308422087216275330 +848678344016028999 +18044499707125262419 +9899545279169581566 +30458274494113382 +12957312627536174375 +33560403333876327 +829835490493752599 +16318053789166626335 +28484086589835146 +2801821130539299437 +7353451381047624653 +10913745283874236450 +15289397341034917746 +3826127997021414584 +16430151110502796725 +11341629473176364459 +15287705203926186341 +15110373972374679325 +11807434647114706296 +17626356125150231548 +17092728787930853033 +18411981936068526120 +17057861910319879848 +15944859094115625573 +7671368224220993496 +6072517587095207847 +599078861879657638 +9216698766836518860 +5153885205510897150 +17351919677054728880 +16043288328478203478 +8752628696345683510 +9019028246175887653 +15293063506979991308 +15291371442955573987 +5141454965111866041 +5878959376267360473 +17620140702182491594 +16413762995541472007 +9890718886864437972 +6603702150226274761 +13352809046639646101 +9870724797920505 +9432352330309578886 +931541139053358338 +5937864999570396532 +1873618239687645063 +7586513367407412585 +7140451663805481531 +14842642043007030398 +15805659603365423030 +880547343113986857 +381285815416473287 +15293345523382236324 +340775890163879741 +9197666107275620435 +9190761456272085769 +9870724821120275 +14154804708694909291 +2292825785040636953 +1370042529145686522 +14546380453145489994 +2389047057022743082 +7570545418701594049 +9185113322238468699 +14665072197586004 +15082773189987803802 +7352605306044941225 +11705112931823721988 +15287141252803340744 +5467162260599686849 +1873618527729823539 +1410790436212265159 +16875205763331852914 +16254343951695231133 +15601094886964017695 +15288551266032244015 +14666204015189106811 +14238537293151557361 +1873618506235846149 +1894834033712966529 +16112354699463510750 +27920070981204316 +6994602712723562307 +15292499555857146948 +2525663005131294080 +12389845650708191640 +2835565962349988657 +7526907729180511613 +1734238263209190199 +2625039581594327613 +6262391790557143923 +15287141188317568140 +9870724848186663 +1873618463244036114 +193555791362544371 +7834125150625343605 +4148540804029886980 +9730290459103938412 +15291089478142487871 +14003328469233504617 +6156738032733325733 +16702955411327316306 +1730676563 +2364352882452613883 +14812347282180224681 +12533842212589682281 +15292781572259395565 +6209987959894903471 +1466296524688534497 +12698591837734581786 +5941261673266757807 +16485991196040957607 +1920901414660812815 +15434242171142238774 +7826218326618890007 +6206603737267771477 +9870725375292914 +3602002429360165730 +9870725379159566 +9625506809263368172 +17090754651615727608 +6823501973795781204 +12482179369149026151 +2566692452070004820 +12924404208197259053 +9870725383026220 +15292781507773608742 +9962038961394750770 +1174110314240825887 +18004909088860565763 +3380810127553749138 +5779476305958026985 +5516046816983672184 +14101056588964377 +689774581648222315 +7246105473218446054 +27638127662080869 +11695412827303452267 +1945545894931754739 +5623513681448673089 +10601535979009175154 +692605781988809629 +1574206422333084989 +1261040335092542814 +2624475557387198941 +13708672584660690953 +15657702785243041957 +5195983156726615484 +28766090095430105 +44686729980238151 +12452979941127647632 +11669272592120762959 +14586538897091797854 +5139762866696819047 +9720112053199449262 +13728324656744314909 +8262357255499889067 +32714379920353268 +15290243403139805539 +421318127883 +3371253340359830137 +5178673286195203425 +13883199269509861318 +4282792076282315927 +16626344201227802116 +7942407828307651814 +292423110 +17008002440344725940 +1410790487801422250 +9203956064266180301 +18061200918102044504 +4451849911887818619 +14195405002715261582 +2971324184531310386 +10169273951420750421 +15950390346513459787 +2553424187287810974 +32714336928536004 +2676033356038547692 +2417511727944522469 +17635078661888023403 +5904789091956113034 +807958179742554673 +10381709644455743964 +1873618514833190814 +8698802600192270930 +1730170804028256476 +1873622147625335745 +7963688554977900341 +811796095 +2442674832276205740 +17504292068232289724 +5344573059049414007 +2979056044617773847 +1783539909143192583 +1688658290302785010 +17076127469186345816 +11146338235232053481 +16960007587568566155 +7245259398215762626 +10530167802300925977 +2574671684328899864 +14972207280555307548 +6485812764085796240 +6153071780807315845 +2058763787074868739 +1413046627622141081 +1947665983897161617 +1732546113203809301 +11073969673675552992 +15287141175420930248 +17378396597546274555 +4376097526755190942 +17899266289968245721 +11405387964662108984 +10913926882466470833 +1592962175509342580 +2792183694107937526 +18002935038529071583 +14007593402781940705 +17781311580497199900 +1996539712367769299 +18323044829962260626 +2625321576501416718 +12061796533289884854 +13581745210808220742 +17090754703204881913 +7294584453512442544 +31868304917679429 +13819048784047667 +14066883983546537854 +2784572500549244171 +3092622612481078076 +7351759282631410577 +4587705734294754515 +5672976408645755397 +6980419840125239551 +13922694707403384950 +879419204419153550 +4440413848773678746 +15292781516370958698 +11506420668899595471 +29048192480129406 +17457597103457786786 +2567466199987927915 +18142877345696278023 +15293345626560556124 +32150321319923070 +5938379999540762619 +580246856915444533 +1365968619 +15289397293743820789 +3461791464603262374 +13928803313500379226 +16874641756320567014 +15829085955714274078 +15291371438656279938 +1576180575842889875 +14858224533326346647 +15503532583397123425 +2316900357241909005 +11471712530814412480 +6889169680069775370 +27356063969908346 +4557929156986016209 +2077730727998089995 +14653054815482754152 +14929509407482189358 +10518648256136753125 +14406506030077797552 +6152225705804645799 +9948159316760868509 +13408940439410131854 +34406452542125845 +266606291617276082 +16075145612971541 +10809976190586543678 +1873618235388346052 +16827900250325788800 +34124401746599071 +10531773896647592392 +17470703043924664471 +7914358239942877922 +7067500762396239601 +27356020978105246 +11904558297271063788 +11194288657586864917 +1396901624 +13135437312223947482 +1083255096133696412 +16397970535970121414 +11444274194798942904 +2624757560892801472 +502018164104236832 +6104616098099106271 +4201226681188379603 +5566476575819258812 +15291935441368269068 +6153071832396467972 +15290807457440937311 +16904712944498838664 +14106448213992946412 +28202117477443342 +638376641856229647 +8119194648364211551 +7296722495918007123 +1873618501936550284 +14993879453779367696 +7383235651682184114 +8752494394018110577 +17272417959105544934 +2105295650620520259 +6641851282131862053 +17937948248414687936 +5513358414629264840 +8907289990505706503 +11269183585821348789 +7990307593692922198 +28202074485634102 +1873618458944740600 +18266078030861644591 +7408735874679267315 +6155045934317123947 +2625039577295037016 +15290525363653585857 +7086073649538204074 +827861392871149148 +15290807392955143468 +16812272571148690734 +12965462578058694985 +9231301876101888854 +7857726175275926630 +10767791215706060373 +10898149942002916708 +8594986363551424693 +11966469445775084940 +5407290775552531051 +15291089473843181805 +14782687056266797853 +13263754581809433667 +1596798666559278191 +10757572304037028623 +14659363226899067408 +6479942129004121339 +15292781567960097133 +5356296979613161405 +14801386735943178551 +2147544240122500782 +32150372909076452 +2779214141606994236 +6371778741861437629 +16355799337686736860 +16186563438455114831 +8021450371307932522 +9950301033540375743 +1127379439846054405 +3452050537366752827 +15498676197682720569 +103179363763489003 +2789363568773777866 +15291371490245433615 +8196828602144216334 +7403331877045810726 +28766150281942789 +10542598463376395997 +1966540664 +17434705886281481220 +16733496955023337711 +14101052289671838 +2146416221801886626 +12906451939472591887 +16483006222726024752 +5194291058310387103 +1256398974978705267 +9870726099596939 +2624475553087908469 +9918656110710894746 +5724666024857845611 +1868497588297821798 +11111979366005682726 +31022281504131536 +9870724603343860 +9870725107250552 +30740230708608058 +12703047306041836648 +9870725111117206 +417018815625 +14160539488401890197 +11233051360444553500 +10167581853004538802 +984791049019026994 +3420009998155265709 +18412263935274844206 +6095117356077038079 +6979573816711708903 +4935889458764265145 +14019103388400103103 +5509410176393494977 +9870725118850460 +9649086479758069683 +8294888080286304407 +17625228016549373259 +12939897194050561963 +13939319480314519132 +2676033351739246838 +6495787104032729203 +15662612681012938878 +5132701493398683007 +1873618510533900654 +1042835199137307265 +5340331841180620386 +14882607364446570998 +9870724634264024 +16323423076943936800 +14690944206747223026 +2131496268116804063 +5560110941110679320 +2414448843017752121 +10316944353037986115 +9034197821469762247 +3773122177597967856 +17787115109969114415 +7140733663011799617 +13958691020226970181 +8942647987110832897 +1893141952492620040 +16647245 +10592171188278987914 +5510769159092269234 +6101795994258903356 +12152159633245030754 +14295096835833090046 +2520713139 +18100306653319816131 +5248105018276475524 +16793153298366684101 +6526103313131130399 +17643101977299737332 +17416860949419338474 +13696473583276414695 +1873618446048106262 +3632445656796974854 +1449461877142340531 +5048900096020145136 +10702295579806883945 +1842148156553248574 +17504806456181139759 +15294191632778161874 +30176206501458263 +14435745753470759356 +4656105560522559788 +5831598103022078268 +12266254924466635522 +9870724661343336 +29894155705918637 +1466296550484426751 +11950664064058467590 +12769623874203027952 +10375505305091780991 +948517604502878155 +7247233547427447568 +16095855390987863628 +15289397375428141702 +6044200327771986585 +547620388 +10040505446818061763 +2032167904025974417 +15291089417954745676 +8083932495104316419 +15228627241849546312 +18359963029326477039 +5574226195017184537 +16206357464900001285 +6927733945769656495 +4277348121210086494 +989585357958174076 +10159392401199271521 +563086895 +63046804 +9549673330466317029 +1842511385911651099 +16847259645936932672 +3515151174665983043 +5223590916417275645 +2418949835165669374 +15455122812444305453 +3119042838539409971 +70780068 +4695711032624499784 +468607970378 +570820154 +1574766379 +3399294746461938280 +447114008148 +7034233830185304446 +9337115557270873280 +8981039678082653266 +32432303330368853 +9870725207782858 +5671848343034008325 +9230173758901014236 +6101885543930729542 +7462757597657963796 +15448636417985555140 +13772803293243916909 +238774704081418153 +11994353924292964905 +1685722539444087257 +9870724715476125 +7246387472424764140 +14383055795285298 +9040588457434095983 +15637912256000959593 +97846494 +27920126868405979 +16663012318422248461 +6143314298442705464 +10240371631519788537 +10531295876509927693 +17053693683486776935 +2240811439676009707 +2624757556593513777 +11287271091089521251 +1145668896112726766 +642636517009793764 +6584171502140345356 +109446423 +8521743514451853718 +13394954019911517662 +5511666316213046808 +113313052 +3591160524196219953 +1873618497637256739 +11127945220196077621 +9733674673132483600 +15292499547258571206 +30176258090627319 +8827153771238612290 +4759630055225253192 +11572882286147809120 +1873618454645461464 +17620381885198987967 +857552177603883421 +1136519902700259456 +15564887666574185967 +651404385311217670 +14983704637822152192 +15291089469543883792 +328196126336507254 +7033387755182621018 +1469680738717089477 +232154929361 +13497936734142427359 +6206603771661018183 +11434534198373321480 +10771188028052609633 +17687394646935102282 +13819031588127739 +18035384405365761612 +2135718191783162761 +12470081210484677211 +1278666867056468152 +1385480031726495713 +2737644042509097270 +15628903405236415531 +8483828720841722387 +6260981682749926733 +151979298 +1169183797852974877 +828143404974104657 +2373990379991933820 +7139887639598268969 +1436145034594232918 +5461104765612607620 +159712579 +163579236 +2361672022975146436 +1946662538275013779 +14101047990359459 +32150304123992644 +8839492891961072788 +13618775005140047251 +9870726292928192 +17619012718253909901 +2595245444809782187 +7352041281837728663 +12703152595582539610 +15288269292620569654 +4717715115194539575 +10972264154087444376 +8018596485399135375 +11353495994446520247 +11775208443731858390 +13087443521783418573 +11509481292180438104 +8706348603460640687 +5991347858710870470 +7018768845480485424 +8723103376958503936 +7301047485898359683 +1627738421784111171 +5887104135609913420 +1894834119695355513 +5192880976296427904 +2250786948119012206 +16874923798518700589 +6175401884511257678 +15520597512816298202 +330734230969141627 +335592258898908449 +6151097734773869254 +8880986669644475109 +15289961343745662910 +3856405167043850544 +5350506414024510713 +12641894427878316320 +1846993591153810185 +15288833316826530397 +13492334015270638300 +15291935467164162157 +8818864656040145434 +11484092590567812015 +9280734854635474226 +7139041564595585541 +10389574189450138002 +1873618506234607656 +5136942702668879558 +7095231073850518331 +2670165163534670843 +11946207383162668300 +12537862846127017205 +5673149743271653565 +10503684833886225571 +7218388648619304842 +15292499534361932610 +17665625649697805001 +5831598141714609358 +2625321610894641743 +33278374033765544 +1873618441748817011 +1991460650378745075 +789173299824505041 +1413046619023568459 +2625039560099114814 +28202057289700709 +5778348150067252727 +3136160188967623702 +7245541449011233492 +391711721474044619 +987047141548646436 +1785796031766807187 +5458637911765423545 +8065904824869207191 +13557203629124117723 +237045127 +6462167827986924480 +13490877557398729277 +2071645033680477916 +1842430211648017751 +17238920448818955627 +7194547653071864512 +9985717550982647533 +16426766960961397587 +3005867732945034797 +17096567568145715373 +1096931248591429484 +16251775783276199945 +2200512120786595088 +16743946889314849662 +9870725377914377 +6364097387529047296 +252511633 +13357664682955713308 +9870725381781027 +18332726249486952038 +32432363516871812 +18111648107145546108 +13516171036001443968 +18328329116060104571 +13600538850271959615 +7719447165796246215 +9729444427091825625 +4733558161601025408 +3709150372114149480 +16226199658283087842 +8484674856030916084 +15511400850593152 +6017370950709941333 +10928543513068909114 +6152225697206048601 +4279896009 +5353476806987882752 +3931171727653753858 +15291371408563719074 +5245848904251622387 +1518418412034276353 +1579222659327671178 +6834404794769095838 +12347951701861297793 +5941023259389020041 +763683708240670158 +6604811754731352192 +15197950040446474271 +31022221316411888 +10419991129607644816 +14383051495990064 +15765845315338856148 +13055421963249400837 +1410790466306200213 +15291935475761495608 +32996366228868771 +883931539947787061 +2624757552294226878 +14961506232684933832 +3864669745988594409 +5258533463858877109 +935489351494623022 +2306803611 +9077802158657378544 +16786227350376893734 +17781311666479585996 +475082778886409186 +8097653480026868915 +2024060069394541378 +204285890191574844 +15287141218411486002 +1873618493337969185 +17475623036696860589 +12650561781710080570 +814417559 +1043399313624931745 +2839511229522716843 +5967789484706510214 +1318323929 +818284209 +848114294015544609 +16255672655665190742 +5029265608133456056 +6153071780806086650 +4466721302205187794 +15293909556188177947 +3151678678197806807 +1992881794501322407 +3125632139938701379 +12134140299873703376 +1873618450346157308 +5354454699551318938 +1326057186 +8587777487804788938 +14583143724133139071 +4845986449758647152 +2598597802082267420 +13470381452520862885 +4552679112490757398 +8904772251964757082 +4451132852614027491 +227855635515 +1839046040610036280 +4479439747493675364 +9550801404675306080 +16395380765236335704 +12884401972733171261 +5727354362725224931 +17750109864738753441 +15291089443750625836 +30458270193554495 +13841528428355807254 +13819027288832412 +15294191572590416114 +1758695911178917151 +5432665585007402835 +13944990570025458058 +5780604289886803910 +2796988996371825026 +13910011282498204085 +5196265259110061280 +1093547034561633188 +30458205707782510 +828707510864407879 +13992926930698728306 +2416648805697671449 +494403871574 +13183405131349765377 +5833854247140856683 +2889033060382827881 +3221657593420539364 +17856119810358337239 +11406560962116461288 +15025010450384835266 +1547628808116653893 +2239293815682329254 +17998422724495764244 +1626046323367891245 +16150166559522891000 +17467452392876358265 +14261952002563649638 +6984556889450880650 +11229712761320580097 +11331286578391820119 +8781693865030079464 +16350816611302459070 +878291164603312317 +11848991023465322654 +1755968139084384272 +30740222110019965 +27356042474686666 +10432184963839765295 +15288269245329453857 +12327358852314114697 +1188221409487377316 +5659496662666732053 +17919894351466864333 +15568274631689571456 +31304332299602091 +8900822151475637658 +29612195190893347 +7889607765372973807 +9461095570455468433 +7017077945682571803 +31586340103332695 +1873618544927135787 +9723436460710254838 +8054291783897989929 +4643874913829341739 +7583819773709390176 +1038040997674503212 +7034515829391622532 +1873618501935310693 +12159755031452408396 +1468961208480458413 +15230238344891338496 +17597526069088235188 +15290807435945720932 +6041909456601164844 +1756054153440868511 +5351401868216248610 +5244615830698877786 +5992475988807146920 +15740334315621935961 +10477405321844698550 +5357989108122145931 +9347818859729928413 +2625321606595349501 +13672685481887613132 +2364808934755619717 +1895116067312526317 +1884114794138701284 +12825132176710712845 +2625039555799823174 +843266976055498635 +5421478547177560514 +684134236397639346 +15291089452347962725 +33560429128531438 +1095239150175204068 +15222009040885001901 +6812506322838687968 +846986211207952640 +15292781546464889896 +2785415278947601090 +1336364348443668476 +9870724571165642 +6983055104012986217 +33560386136707749 +10159392435592512673 +2917340475806475433 +2206152513328455930 +14408475056152408742 +8790820602769260008 +2716569126995504494 +16645742803937348453 +5821427805628354466 +3124549171711137164 +11839960572506024264 +3345314076699877929 +18411699911067631644 +6979009792504496341 +11139197364043002726 +15077014993470368298 +17946419746716148160 +2185307547272221239 +5943738332688503404 +17244622751296786513 +5254153735964012607 +4990689493731859346 +6549705653208170726 +11640209691602212249 +1730290055066171716 +6928015996565127361 +15509304376346679750 +13037893016074336360 +7730859228690280189 +15289679310147501780 +15287987246123071960 +12875452261825144839 +14101030794448751 +101487235252051377 +9870724602098672 +9870726102218384 +2686125770936301528 +18271169730887036883 +9870726106085009 +6209141923583495091 +15293627599972423652 +438515403731 +13559180624084808604 +16236633348208216469 +2624475531592691858 +9870724605965318 +6640227700110090199 +7140169638804587055 +1201144675527971880 +8513053874342606560 +1200046906080642974 +9870725109861030 +12137988731925307617 +984791049017779517 +17226423277848442370 +9181763891149279503 +11837009089245419703 +4123248415798552403 +5731866642365506629 +492242401 +14383047196689196 +8002570657905844357 +1092418960352550871 +9870724625293560 +1193298139301687034 +1873653535808187136 +9958298427727630729 +3802112 +5836392403362672816 +5558136817694804225 +1041707215208725925 +7668769 +17863879857805267630 +800797661642583570 +14816084101072056110 +1836789874996047214 +11535416 +7767896574335212873 +6474545449992729560 +15287141214112202981 +15290525393747519104 +9288263702480623163 +3398915934342550893 +5675796559774556225 +15292217457771954638 +1873618489038681504 +12425249087118926258 +8390416516393606860 +496865393490422897 +6927169921562443933 +6103488036788119402 +13303525797616641938 +15229100704225562 +5566476498435575396 +14029859268638502748 +2783943580416565306 +6267774072314096957 +11447129958722857891 +17089615562588171527 +7870725526360639038 +5782296444190215256 +223556342388 +17616192489741364543 +15292499474174196840 +10195897095599504632 +9870724667831432 +13318286230197268766 +16483976119680785461 +2042627976 +6886936648282540433 +8816997399457640320 +2158834191224745783 +13819022989539669 +16723638723969360749 +546375193 +16807470394773412381 +7033669805978091884 +1573924388733669674 +13133989111204362826 +1584875219904715318 +1203609471854912901 +8318787240946904820 +9958897131204844590 +32432389312756996 +11110227781838056870 +830117541287967780 +13750803869111880850 +4497812679950228058 +5782296379704438158 +7892626560676096167 +5195701123127186382 +7245823448217551578 +12921020011364764555 +5461104757014005855 +29048166685608176 +15741609139262217673 +5141454978009866642 +11122905463301676199 +490104572859 +32432346320937069 +5429433323061447789 +27356102661192524 +16879165037882907875 +5418869474106634730 +7308167250444834200 +5569296726948056238 +3614256319596406485 +330452214566834331 +1708674955075987595 +32996413518724265 +15291935523051368004 +12535324668410029320 +6214288376001339006 +15288269241030160056 +1128796743701312997 +1714117154779585647 +8860008145372657825 +1151813151427935760 +5496092094718742544 +17685418925849923847 +9870724718097589 +6311975556073145383 +6874826589841417502 +16633803289536053729 +2718825232421754452 +7032823730975408456 +1146660881160558308 +5251489270997534899 +104334599 +15339421027537586321 +27920105373200492 +3538912944908689751 +3717985454976223713 +15291935458565560248 +7086698151192850807 +6241248994236917068 +2380943364365619645 +3137008822602520605 +10166171762391983881 +8047942123475197560 +5461950819120059106 +2203332310609189798 +15570198675846749792 +11214613638693466856 +16354660846094453880 +17781311649283646030 +15091099644146751489 +2522029733630461240 +4039226577613970174 +16114127461296320138 +10929709085236881070 +681145240220936754 +9847013287382365469 +31586271318272226 +9273104017923969631 +5357989103822844489 +1007582093488578524 +11369197856001320774 +27920040887411334 +5303047091142863221 +14161425371177052152 +2625321602296057141 +10053520477123789667 +2206445497259541317 +14487663043221287193 +5810283119755942413 +1986666427421954224 +9870724760630511 +1149335070655082461 +5881866596607020156 +15291089448048667082 +5672976434440395186 +1842430203049439530 +9863670592665100817 +10064861692788749977 +14294336569790377634 +32150390106377127 +5780604294184831094 +18272579795703915952 +7300483461691147121 +16751736523360902296 +16306038188589780815 +10441809166173276622 +12013643077216718741 +154600761 +225782549235392298 +520141034337217944 +1090246828391490716 +13729734747357008079 +162334041 +13892586743661285518 +848960360419631378 +5464488923752698522 +30458188511859568 +14101026495155371 +7916549590872436798 +16888390078961504883 +1465168476274111935 +10913080833258434658 +7109030579205002263 +16778219691295259811 +8589681866025085320 +7868022685356615087 +232710822722871657 +5569296714051444164 +3408554609720189552 +12276488370442422750 +1104665456856409280 +11168138985428558318 +32714392818355174 +9070061068236691473 +3399294712070084493 +5133829485924780299 +17234876246831559250 +17580414741074830576 +5570988808168348242 +15288269228133540772 +7243018067057256214 +6209141897790235985 +30740204914083950 +2148672348723556599 +13497082958031232653 +17802959724583855123 +14887447490140052747 +6097847743125268404 +3690669377735904058 +11289095756821912374 +1873618527731213686 +3941610960235206407 +5111755773031552286 +7299637386688463693 +15288833295331306471 +8942722822241325972 +4883334480893977518 +9697577994188492895 +4080548131700363618 +1575334526634843430 +9870728842147638 +5357989133918016003 +11361114803662439709 +13515324952400178129 +829767995794996696 +9290648316666407942 +5910883915777926726 +16870129476681681950 +5347103962961236986 +9870724845696287 +5831598141713362597 +16910582417916254433 +8597156797828894486 +31586258421626227 +13237708561380147209 +5675796533981291862 +2359415891754380114 +5624359713460918436 +14538748281442821629 +5679318733072835847 +2286775792224971357 +15251812739584439055 +649506787993874322 +3234866947851553818 +1031980158290567627 +1464322401271434445 +15290807375757980489 +4843773175276328824 +6364097430519615792 +10109227365611621373 +219257047374 +14714695216411730689 +6033189169013537289 +11224688244128954980 +5516892784510134566 +9870725368935893 +17461812064821715496 +7107056528873508268 +4756890361776253783 +12278677980014653258 +9870725376669181 +2479344660154242165 +16426962334971532868 +4579724191744483869 +17627766168471809249 +894686142499726407 +32432385013457245 +8921296322069156873 +9870725380535834 +10241062054382293485 +33560368940801173 +16872949675101674587 +10498907911937683470 +16954188467480713218 +1990614661358430852 +14755893415135950048 +16169150765152492153 +2957933217444025545 +5886953915273208794 +7193137553861968522 +989585332163660784 +17949152557550749509 +7697026996393676722 +4849159622586687795 +16322708471081354607 +1730290037870255894 +5357143089007825119 +10585391788393908617 +2276633638193338761 +282199456 +5724700708918215197 +5671848360231330283 +30740213511444384 +16881139135504279002 +2427153079854183824 +1614810228552311766 +9152863560558388868 +17683726827433705029 +1884031979426635826 +5515085278788980011 +5567454343707898368 +3205834697635030010 +17624945991548479015 +7172128103264898860 +13909736915163045714 +15288833346920457077 +7354297400162059236 +13726914579031018038 +10159956399610745200 +6928297995771445447 +15290243360149344404 +7018873654912246234 +1333319625018796620 +2388600903224539022 +1801652064 +5778348244646972724 +5620854521300150552 +10636325326090233709 +805439076 +5622828666212607698 +9566893560642217286 +1309345487 +813172363 +1880166538707030601 +5301072911838635277 +18398400527636972344 +817039016 +1394617557421013079 +6155045947215129686 +15290525376551593943 +829835572175593743 +31586267018963839 +1873618471842753311 +18168229267880102585 +15291089486741191888 +13284245003722233077 +2625321597996764712 +1876862824976296224 +13721318416648586184 +4342548029519847774 +2623065733322774636 +5021744610238611254 +6153353818704911944 +7298791363274933045 +27920101612605150 +7529985804650425779 +1796696420632187644 +1413046541639891812 +1254142856654498036 +7993599274919923552 +1987993733308115919 +5720095897080918032 +1197790736167364211 +7721139290007094446 +15293063524176043999 +494402618331 +14258567865918906835 +6258161566011830373 +525267382264080396 +10196065168761509188 +17465760298758179436 +5250643148703735842 +2781470315819701435 +17205553309096939631 +10745117360613371633 +17302333254829494901 +7033951805184409970 +11972890457008117005 +830399583486105508 +1038886986696181680 +18122624728981788159 +12532203568862550303 +12750379446231830809 +14847634415788362577 +2624475522994092579 +29048106497893733 +15289961360942980174 +31022251410332601 +8557399560384875778 +5725098295990250344 +9387385384162627116 +1730289981981809015 +987893190756822190 +5779476207079137243 +16592324700378836731 +14425661011306891012 +16377260960561175548 +31304310804408610 +2340207219455515853 +1873618523431899819 +2671857266250374887 +5886107891859679537 +7086698155490897486 +15514012724331821623 +17107722821695714986 +5513358436124594980 +15291935441369649081 +1409877761 +7557072252417434202 +17786419758769778191 +8144030252697336773 +5575328534275584830 +11333843801103355362 +7652193328184976914 +27920045185447181 +11784456361685248129 +5249939254983662494 +17285796694619408970 +987047180239922615 +1732546121802519566 +29894190097917199 +8879970665920138992 +6045857724930876473 +11136179115413498272 +2277034116541194821 +13390152586296233021 +5347922253025848504 +13555232411643768190 +9250292664872486967 +9394728877040143781 +8351389659080773698 +37535263054705818 +8454374342362350060 +5780604319980723126 +6446485350622509090 +5729178244309135157 +9870724566053818 +8899570986408675422 +9870724569894317 +15289397366828310231 +7677136632586314565 +1413046550237236109 +9870724573787088 +7139605614597374493 +13409614757908405790 +1893705968102628704 +6209987912605201018 +614528662771486000 +3594689160137554975 +7300405137281263351 +128577854685265955 +15769828118059750586 +12831459332086121976 +15289397302342523535 +17135763052476438931 +6098975787241789043 +32432337722357811 +6826664259619394839 +5195983173922676592 +5245848942942891030 +16073122402187220391 +15289961412532127881 +6816736577478154766 +3344902977178069252 +9870725100893536 +12316906647216215899 +13936167227557769804 +14923712027778034775 +7300765460897465207 +438514162424 +12270241411262134272 +2103039519398511019 +5299098870104468338 +1646710721800247681 +9870724608586766 +6176793320558578101 +9870725108626818 +11848796854738970800 +14194830971440800956 +27356029576835097 +417020204788 +6926605897355231371 +15293909659365232063 +17299513150989291830 +16112072687360687583 +7196300254728775007 +38835516620161925 +2156139911701670599 +5885825892653289537 +1870471690219828365 +6978558332220748716 +7513578521803360849 +16596914960660786170 +638094591060882623 +10329598819219957534 +18212326332965262333 +9870726124172952 +14871830661500651490 +1329348746606294573 +3055331183876136587 +28202147570127718 +825887321043201494 +2522831830584090657 +17851769724795118906 +6523847130319958125 +2556909 +3666742348726039086 +4290363220392437404 +7138759539594691065 +5105416417023101755 +5792160745191250732 +10377426660277906005 +14880915248833191235 +6423566 +7342514853872617915 +6311975504482745926 +14851938262865553705 +12376984968939517496 +1785796122047230406 +16364556117061995817 +12623964559030440457 +15288833278135382167 +14971589244285041125 +8086055022667972398 +16640937553264010590 +12514692545578878847 +8995191259855150476 +18301217045165716373 +7087765743655322085 +13712725023991354102 +2625039585893752089 +15282335361333086107 +18172534385631580913 +15289115337529442288 +18104401478770383961 +13832769566562850759 +7197031008673093317 +17599750168450256040 +3468111627971684676 +9940375093616054756 +14552996435662220730 +15289115294537634342 +2344673137987639559 +9870724666586236 +7194265628070970036 +1545209638 +45089908 +4605111764584577780 +28484099486589024 +13304414760094803235 +5246976948366878185 +3094748918170462800 +6812788339242395808 +548996648 +5888796298512119398 +4051631991401297683 +10975651748375257243 +11740202408459717583 +1695502600845423310 +29048166684375948 +490103319246 +7032259706768195894 +303200387233113985 +4871276140776086888 +11527680931640644714 +27356081165969656 +468609360926 +72156344 +9096289819267053014 +13749155634583579365 +3878049915962805976 +7874673760297046099 +12420648455175102710 +6842721525454232159 +468613216161 +6981265910828826914 +5570988842561592094 +1873618252584398936 +11039716201406996243 +17455159575999836862 +12484330915461211726 +17182486729187872213 +1357540564939272643 +5353476789790716035 +3580797965594882313 +2582636126191177415 +425617546304 +8537320788649859358 +1437173080522901596 +13948385790275367911 +10693231836777901123 +9870724716852393 +91489485 +15291935501556143316 +13672484538110861653 +7193419553068286608 +13514397799870851301 +7372527710464579529 +7383208489205972249 +11764207343491952493 +14204954985191454832 +6803857177638874885 +2624757578088853603 +99222771 +27638024483901868 +11629511912559628129 +15453620929461364298 +15453599118730605044 +15292217509359871588 +6156456029227859638 +12886485019045153495 +847550209620591087 +15287141244206140281 +976902955175381281 +6050238139720474478 +7430988207035271923 +9202263940055376602 +233949656293315882 +2569533772563049819 +13669905534306183830 +10222252911390764196 +28202091681700251 +6929768589624698676 +1298736776759756386 +1873618476140793353 +8899713546895388280 +1198918801777827697 +7299919437483934559 +2749379632841777940 +1301152913159646823 +7029736333412801483 +17621268784989014301 +17217602240571382978 +5251489206510495635 +6321619769749815101 +5944302331101140852 +15290525359355667575 +485463575221254056 +6519669903541881003 +7241607916258202362 +14235153898493597210 +5303047069647648924 +10193130350469071357 +9870724759385322 +2625321580800840348 +2860001667367195907 +3732625572027452336 +637929045 +1338485804234001045 +11467879787434425231 +30176172108361368 +14749580058850364305 +13821175449456831956 +14308806572729122055 +5312941452083421047 +9537824296688362131 +1255834924976991143 +15332977698522082113 +13547746171705505246 +528614683759095459 +16145254715686010578 +13951205954302052749 +4726293920948112372 +9009022494402689790 +153355563 +16127951378661457020 +7086919720241791437 +5888796285615484141 +17904069509371020417 +10703476383554622576 +746320634841882087 +1196125078953745082 +6992199516214160037 +160954422715375549 +8294669686619704063 +161088844 +30458188510599869 +16432982289349544074 +15288269314115906532 +11229983338076704335 +1201174898606749250 +477206683385 +8047481268547643401 +14591994617252434530 +5671848394624536646 +7299073362481251131 +3461932078989862779 +12763379338554060752 +15288269271124106629 +3144873647871636481 +5406444717745907739 +3832076477923607579 +7359836753957974790 +11089948972150705056 +6417629343990886314 +12629788734211446234 +3441563578648981148 +8728845244435492348 +2469863992910571655 +11570046614019445087 +4268269652082113354 +2879810678943210115 +27638076073074611 +797260235523189014 +2188314514 +13971217767459525512 +10532987970627046333 +5832726181530581555 +5735908250287611067 +15289961343747045879 +15293345523382361367 +16704189977091404692 +11500631658516908617 +3403242980399804461 +3732501573249549494 +5938944006552184403 +17136135974801185833 +2552000627895196660 +1873618527729949312 +12915913686963679164 +15290807461740371464 +5408700879060614101 +6474545467190046806 +2861650874650479097 +17034137172525139794 +6101796011454965028 +10709931951062070853 +1734238263209305826 +11296478669291473147 +15287423239113224725 +13452391247458558689 +7155231185920400769 +9870724848317736 +5356297048398366763 +16759426304739642813 +2625039581594459615 +9076110043045187757 +10382273724550310478 +4419805489350143657 +16879729036295541636 +15196821992032057527 +2870969767997554743 +15287423196121410602 +973098480394184413 +230688127 +15291089478142615754 +10375505322287829449 +15294191606982390343 +1828798104530925763 +7192573529654755960 +5801668525329959324 +7456714667022557300 +17592553986939114895 +3207010306707708510 +619820727425915103 +13749379671945664661 +1466296524688660898 +17045009756596406301 +9870725871597114 +2246313880 +15270695523793440709 +9614378129971834515 +9870725375423988 +9870725875463745 +10858584038397980807 +6715767593188745992 +9870725379290640 +8326149882993530825 +17696435480897536043 +8935931329680125120 +3261183229037716436 +11479790064270790473 +15145788285944990094 +3766801901046927056 +15292781507773750081 +11715326547630645334 +9131616131521449150 +9870725383157294 +13916323858584006913 +15793142107499994 +15800256793861185831 +10681922109301075982 +13941261607942838641 +3602387540931925016 +12592603749474520566 +8918984013914903147 +7353733375954846674 +1385060917667960460 +5411521012994804076 +14101056589095045 +464310053944 +16770481620252184954 +13015501012126018525 +16882725726232389900 +8980757644483183789 +28766090095565294 +15876751444292409409 +17455978897138542075 +5832726190127934771 +32714379920476439 +15290243403139928881 +5022064850016942868 +5725098287391664860 +6523847177609812768 +12271803412857299383 +7332738546017981687 +180404055358392760 +16961033954905305076 +10753773017318512813 +5509410180692926670 +17297538988880890261 +5509953546228606969 +18315937149226669656 +8547670484909761829 +2624757573789563595 +9525246920338983636 +296420813 +17299513133793349112 +14038965094418048747 +13344092197623979817 +8385717597292224441 +5002118738619557141 +5194855086815787567 +15266924618528019193 +6104586261131038346 +9009348648356504317 +5600909797503867799 +1873618514833316522 +6747478875779044693 +615140332165423897 +6153334173113786318 +16993169885654359685 +2949328439242859003 +6151097657388970008 +12423571160430430792 +16158599967196082691 +11703165067112812464 +6926887896561549457 +5457397679095682036 +15287141196915030006 +15288833260939456841 +17905516655205033622 +1543385872365456300 +12587301996477772464 +1873618471841500358 +819660474 +12455518088752212663 +1690632435215393924 +1091290894742271640 +6100103861449606293 +262522563498547680 +7197556598095884905 +14947075703337240 +6215851847646191686 +145335340848060116 +6814033208644867789 +6638509038243232543 +435824003277011070 +2625321576501547466 +5912495605621467427 +6186790534994683677 +13819048784184525 +9628020868018953336 +11331649863678692604 +15289115277341696673 +17226906596973699731 +7597900317762401816 +6156737976845021819 +13463036398582701375 +6206603745865248438 +266904259645097099 +5351300666617307366 +8093823000016016989 +3275364878270930112 +5888363980090008728 +16278603497544051440 +6547626923385761842 +1588235070999893622 +515899211382 +15293345626560671217 +17628048184875491514 +7119982512147813576 +10280481390364353102 +15288269309816621527 +15289397293743950393 +2414921967332768489 +12221937665333733934 +10493014766646990697 +472907401483 +990293692895474595 +16959819427273994237 +9203109954870329535 +11631533293991107592 +11643343205250974407 +8733200714257205776 +9904941491952175138 +15636711705173454498 +5389310142310395010 +10199563252945938685 +13731990947362980936 +12830519767028080159 +3143159605221799679 +1873618235388477632 +3801029561147464015 +16150710423697376463 +5130445280494970411 +11154113042859304333 +69446730432522538 +6634239828521733308 +9870726022395509 +7032541705974513980 +5267137934678823059 +5832726134239481231 +5249797159683426594 +17855011663041290803 +2861932964138526638 +15287141248504187961 +9386257335748282211 +1839019217048590816 +1873618523430652552 +7529716633433681696 +12968618617149544496 +6760626619132743455 +5461950844914715443 +16757552527981218448 +213797988952784669 +6981547910035145000 +15288551261733068120 +15291935441368412669 +9117550437658669538 +4753072701990066704 +4926515851505969933 +1991460710566612706 +1873618501936688500 +5119287956539661607 +1192315303887244111 +1997667747884397420 +11846258720012570207 +969023931668845417 +2625039577295168229 +12333122794499095996 +1873618458944870193 +6812506387325859247 +3984582318705162689 +1787488186071604017 +1997675995964261529 +14809741919954164951 +1840738134727153418 +15292499508566174167 +7088047794450792951 +13997748926836315723 +2843459484954537754 +1169163685040567199 +932669204663978909 +9610711886643160271 +5195701200510978036 +534208710292958835 +7034510074967317752 +12590629664748538795 +12797258612730436062 +10906583514261360820 +615983703564503437 +1508117076984546065 +5198803530374459254 +1795638906892337884 +16387697236031728197 +215048501563371663 +12913795389359616074 +1893988070487237334 +5136367616353243027 +17546994619366186600 +15289397345333098588 +2329474663654438321 +2668764848316431067 +17569748279156548938 +6926041873148018809 +13669865326459634947 +5991347927496082185 +28766150282061250 +10195897022513898543 +1462765322 +5833854255739581055 +15287987267618435311 +14364395806089370596 +316743040725945120 +9023438201425760544 +14101052289798213 +12535112539958360175 +34406504131413508 +14223898422488099446 +11656072371967576785 +14767825444793889288 +7239351853822514651 +7532536797460379864 +1731418038994884932 +4368433122605610441 +5888796225427741768 +878291194695987645 +6614909541061834562 +3721851243620428929 +1347988088962506792 +14031704005807711478 +9870724603474933 +1667601868113785482 +5483309297806944487 +5299098870103226450 +16535576818062611451 +5410232016589430493 +3999491526047897248 +9870726107461267 +6117295360757940105 +7532271409416320519 +7087201719448109523 +933515266770036628 +417018966691 +31022238512474273 +27638058877132634 +1309930961534481139 +10887935285729695040 +1410790483502256470 +17944727575215481769 +4997369339010881996 +16741605793532304163 +15293909637870011234 +16893779652804831892 +1788616212989571817 +2676033351739377879 +2578055945648686877 +312512850573734346 +8328637003859954331 +7193701603863757474 +9870724634401159 +6660092369580935791 +15967564271985365328 +6986235638051510178 +5778348218852444309 +17956041976174103419 +7930103797640483719 +1777227698684564243 +11468824568195069870 +15289115380520022942 +2423244443410509470 +15292499560155342526 +9267865752796477814 +987047210333843979 +9870725142181306 +2908722406568709041 +7884037138607199734 +15287141192615746286 +1715039373318180934 +6817260743125508439 +10517531094797674312 +9870724653741131 +1873618446048239993 +16877682010409020614 +9232711897928240634 +3666742262745022105 +245051693117 +3403806987409840232 +13452391187270819674 +7404459882469940493 +9870724661474410 +2625321572202256015 +8332963721155325702 +17219576355391297021 +15287423178925484056 +17945855688117067225 +12662636664722034407 +17206207589599167875 +13306546789026964142 +12856620987784971606 +12314650515995439886 +16639527454054099819 +14055047205355866710 +2261778851902525338 +540018170 +5722409872140617232 +11305519054433422122 +12794742673428979352 +11127219626630476569 +7562235613620485181 +17571669445032356543 +1543964452 +6980701886621614352 +1197790774858631164 +18413392005184749655 +9811526511004167920 +14175810705396953314 +2946293117444165622 +1092693155076329101 +8555000716518368304 +5880738582585885894 +17346138111311812700 +18108263953303629501 +2860364611581866678 +2429880031183910630 +6108201112818510766 +6404165963640418885 +5726358161965530664 +16547637318785000073 +1146796978919267019 +10595566391331732206 +511599925997 +1746827684005492925 +563217969 +957809799325429336 +8192767926013271720 +63177878 +7192855528861074046 +4472348301814411414 +16225608884784490188 +14013342384479564301 +70911141 +468608092145 +12155898262057594217 +570951228 +27638110466298498 +4151361015346563148 +1518136387032139014 +13030536827766908656 +15501550415560783652 +15788142833298661619 +4596001690857120566 +13762653909580727251 +18328169869745600955 +16075141313797658 +5671848343034158297 +14258567797132579333 +6122269957538386810 +90244291 +630507990033642656 +15901921307375767715 +14383055795416324 +16797867144924846433 +12247781674335742455 +9870724723340479 +97977568 +465800944200673279 +15290243342952187274 +2624757556593647562 +6979855811618930924 +18412545930182066227 +16873513712206823360 +1605830456 +15287141244204882566 +5566476571520097234 +8059210139317383841 +16990917635978693260 +5776822643553810720 +5164964875350528327 +1873618497637395423 +4442687767729628403 +3688351137434529175 +12552846396214610909 +6514780288104294833 +15290807410149955640 +17781311627787178323 +3242943116712480235 +7086355696034578875 +1873618454645588009 +2625039572995875529 +6100103844253667370 +15289115324631575670 +6156455943246842540 +196067631845350787 +2790209531999698755 +9003422479159138194 +10403581416750859061 +5516892818902095589 +879419251709133743 +6101795938370595687 +7256417795175101628 +4738806703305800926 +7298509338274038569 +4326423634270515640 +15289397384025625080 +6633602123247283235 +10906583509962068660 +13819031588260322 +17944163538111718348 +6235138187520797039 +1251040710617543511 +7247515542334669589 +13326300925314146594 +16548883260086963049 +3387142631624423501 +8074562693751260068 +6921661861769323253 +11982867488767946796 +520197249180 +159843653 +3439258273440998601 +17274157531143610497 +16814175749157899297 +11875947810649568047 +6588119693086311486 +1252732783240505698 +14101047990507890 +451651625195343865 +32150304124125160 +10408833730421092645 +2624475548788743662 +2156289485251366140 +7746405201714874816 +14964333713099010351 +455711465463 +5245848917148372504 +17681752695419257206 +6210551954008446351 +15289961386737614174 +1201738987301137389 +7085509621031895447 +5343981295536721418 +1597254164369916566 +15515140725455259926 +16082815807453015768 +12979598041371795967 +5779476232873794861 +5570022803592197357 +6107189549764909257 +6366071489451011281 +15292217539453793441 +17307675940448187039 +2942283279886018870 +10864636208359481346 +194643303 +598680211361323457 +1698629444 +1873618549226546719 +38835490825661340 +7192009505447543398 +933515197984939314 +10593863342582546860 +1366000495400063584 +17620986807279226841 +17648172293253320872 +1784958299423588968 +16219982623696489426 +1873618506234732810 +7141015709508174418 +13524642504209078861 +8329582776954600962 +6818341508412951031 +29894215892536353 +9273081553817906125 +2327063003298020666 +15292499534362075386 +15721854875736943151 +15229117900280310 +7353169351747634112 +1873618441748941658 +16775357814075844352 +793246565559116030 +9870724854805816 +7830100036718498290 +15289115311734939230 +7836857277106828580 +237176201 +11411502596545517260 +1784103967742519882 +5365103089633748185 +11748432930270235220 +6631979652842005047 +8458776973033496628 +6226704385931034268 +6155045874129517112 +1520923136007739472 +11914531555884803763 +12163362974178038235 +9388513436875233053 +13884327330821183232 +8833119082998420126 +17365146581181273789 +15711638311777416370 +1095239111482826499 +9832244378777441053 +6199257254709911104 +8703243700482031015 +15177810505157775690 +9199725758037891950 +4844055191679947096 +507300639584 +17006904569361147810 +11313741884681245771 +16867932081105092999 +15288269301218028404 +410826680049161367 +8571323523540871606 +11653222680468929421 +464308803493 +10233694917695639091 +28766090094330504 +818063598963603344 +16041596230062052006 +18092303388892535950 +10811668319096801658 +5995296157133255750 +5570988816767063610 +1411918493225475649 +6926323872354336895 +2522831856378710742 +14383051496115396 +300171297002296063 +15291935475761617409 +14837489368893240948 +12606629882390082068 +5459976691403655491 +2624757552294357735 +13514134718701921037 +11319898081495576814 +10525378840839149389 +17621770955940122373 +3545385808015399786 +685262267615044811 +13510731800083435581 +7311508065872404747 +1576744569956416248 +6218953989384049109 +5251489245201780837 +14424533027378239886 +100641207540588041 +4390701973925752430 +15292217462071376014 +12450159764203185067 +12749251397817411235 +7576852735584047205 +5567736360111531816 +814548633 +15287141218411634188 +6594812275998482397 +818415282 +15289115363324077665 +18020127324728608484 +1834724218636358256 +9870725947684447 +5885976061400984342 +1788898212195877397 +10490356163380329747 +1873618450346282313 +2330884775762353225 +5356714232528117981 +3782349952020009208 +17304036342269886258 +15291089465244721511 +10426013281285123436 +5345109374043841001 +9870725959284324 +12745292127565859131 +2588868452679564564 +10864467494618337541 +13228094678249646207 +227855766796 +13729170697355273483 +9630003881633916886 +17390242286159555748 +16683019382329393040 +427496612462663507 +1144540830501134690 +5835546375651207564 +4531161121023729817 +13819027288965069 +99231065340133055 +1518982380353105024 +6362646432234287786 +6208295861478776046 +7594767479578448922 +5565348505908349404 +6310847447470980520 +3822179681402096883 +8963802060134030768 +5837815401971334200 +4693454884206488148 +932669131579597679 +279344297339666882 +5676048666125626716 +6233728105506802029 +8972508179933780269 +494404002569 +14171479472595097540 +13522386403080889368 +3054485070182308843 +7193860624759863622 +2543884493003304687 +12588069258829509531 +5250643148705123615 +5300226866929818384 +18413674004391067741 +451412170943 +6980983885827932438 +11007456247132004054 +12004719042858016454 +9158893242888826886 +1031583703478715415 +5813899563567244780 +13577364532720841576 +12753961153546954521 +15689904543889827722 +10599514620968899300 +11614330566543042744 +15291935527350779052 +15046845124926784609 +2622783458971053604 +6477301687749596685 +30740222110158102 +5460499872422694386 +3880306072979661938 +7219319658503893187 +16885259953617963428 +103461328575477716 +2146416148717642629 +12869109360656609888 +5604163284438293147 +17008002427446961156 +15291935484358973291 +15869995859650222739 +11070187651120768957 +1873618544927256829 +1074168619161708634 +1576462570750026678 +6211116016906930956 +1841584123748829920 +5459976700001012284 +5251489275296945729 +6817300666172459677 +473967541563510341 +14181317373568166991 +6151097687482915144 +2605266760617176659 +1059130335138111081 +7734678113259294546 +1407387388 +1873618501935440593 +14420158632848604817 +1325857314872575230 +33278412726432522 +6494066872183057613 +8824222954794797216 +12261119522412978027 +1735930322933213479 +5412367062202976367 +916886386616785492 +11060281909243769328 +17169981030136040858 +4603566563091883220 +15672533906063366176 +11699700707221915272 +6154763905018302954 +5357989108122284688 +12983787067031964735 +15287423213318719533 +16573439118994382059 +2625321606595480501 +2625039555799954326 +2430666663 +15287141162523191198 +8485238802854595502 +183933968696158702 +7029767686712727400 +17478309774689973091 +9870725059736926 +14424532949995833923 +9870726063683205 +16881703155413501358 +16330874579771460716 +17742190806917454706 +15291089452348087956 +7024942058865632871 +15292781546465018286 +12485983435209842875 +1731418124977265558 +9870724575163358 +18384965403790416341 +33560386136856029 +12480382703020102905 +12581750370228714370 +7086637695240896961 +32150351413980471 +17252293252061872757 +9573468698224447742 +194449071399968890 +881393336433859274 +5833854255738342752 +5387618078287403741 +503001334735 +10944945458828954202 +525512494730317266 +10435119494961387946 +32432337723722096 +17804060817149287489 +15287987246123198489 +14101030794580124 +1182589355307179681 +32150286928189611 +8971487671643285624 +1473120012 +9870726602389236 +103461380164641049 +13131763631778126946 +7247797541540987675 +2624475531592822739 +5567604654326442096 +9870724606096392 +5299098848607996090 +5971737394742304906 +1518418407735102183 +9870725110003090 +5031068290098346762 +14322284629040565217 +7812535215703286737 +10862211393490138825 +15290243377345400851 +13470256369253685187 +10934670399231453518 +799931625982605598 +14383047196824108 +15289961326549887404 +8991012634238145044 +16635669954819198029 +9870724625418007 +27920118269963420 +5463642917535230441 +3933186 +16198608137903151893 +2624757547995065385 +9301103273854003440 +2730411636852871148 +7799843 +956466122809086949 +5277452079515842574 +7793157291901394670 +15287423264907862110 +11666490 +1785522413911230567 +15212634620630618086 +1873618489038802983 +18412827980977537093 +6980137862414401790 +13065116392105518389 +8163729444118076930 +6276398748627899810 +1517290346422681423 +8376033948817453665 +15287141171120515564 +1873618446046996562 +12093541651285623273 +7192291504653861484 +9273103987828941056 +1466296550483316120 +16491624797135598049 +4200651629264717544 +13616281520887372433 +8699084590800135628 +223556472165 +538772980 +15292499474174341003 +1166767807772966384 +1223976962194279076 +1977945944815196838 +42599532 +15289397375427043842 +14273467008584201654 +9870724667962506 +7141297708714492504 +15110668359538520409 +546506267 +17619177932243278740 +13819022989670570 +12751507481748517489 +17999550790107536354 +4443634474708835117 +6639116864609410246 +7208512126866577095 +12156952909566334820 +15511117106600265 +5398761655846379127 +7353451350953952198 +15287987297712361033 +13818470844582220728 +2789363555876016072 +9733152077689742550 +61932675 +15289397310941236263 +29048166685755039 +14513749469580057731 +6596987185085902823 +10577967338929926597 +490104712178 +1873622676421373878 +5083563919641827177 +5245848951541608396 +17684252729367203360 +18411981905974853665 +6979291787411718362 +8853758085633282019 +1786642141162858210 +3383422525335881136 +17503678373373627585 +15290243428934576400 +936335344815725201 +10553879380855902964 +447112879568 +7088390301197156289 +1890885821271987783 +11997456096123430021 +1625764268273190406 +11485630194292779294 +32996413518842032 +1256398940586991357 +830681586991913937 +2229804632046438490 +5535810159209042360 +9550611856885431372 +14787093348585573068 +5995296139937321634 +9870724714362008 +15290243385942763414 +17299513159588003174 +9410331508428187276 +12459944628211159295 +11617115290818145147 +12951001515414807719 +9407311746210750012 +10591889158979004902 +9870724725961943 +10194768969801421863 +6736241924278269266 +13912241950506557287 +104465673 +17626237310165342607 +3669291476777311970 +1863871710920393231 +17788525174786054333 +5092441503082623141 +11892364506346696471 +1983843766235894474 +123222913558133404 +5249797133888939485 +12241985901089002710 +1873618497636166706 +9391368372458899717 +7238223779612217826 +9840127589292852530 +6153071806602086617 +8723923250369294453 +1608060286573171097 +14275831190517134354 +10587647911016209205 +14407856235795454474 +15459386004803185961 +6099821836448719047 +7246951518127457027 +1162004929974904308 +808802771997644426 +1873618476142194024 +5893456514394232951 +1785804408818325132 +12309852946450942951 +4347925901902436576 +5984930277138126373 +12511930394831101788 +15290807388654744893 +2625321602296188171 +18132460199058353190 +17942850211038500101 +1997667722089861405 +8126937841132246136 +1331604873527894164 +1919016334709235701 +6483565123786379685 +12260141588695426933 +14711223162699001911 +11989026848277881205 +1517290290534246807 +17570789919916563173 +17938415983754366754 +6364097421922417535 +7721139358792297538 +2623629473785990215 +1626892316688993210 +13010413693461215720 +654360089959796488 +9870726272480950 +2207492698792085192 +15287705225421657396 +5565348488712430556 +154731835 +1842511416005693296 +3418202265617249198 +13566705862512225560 +9132035970655721319 +15494005608834599680 +14531699947885697072 +15287987284815730356 +7545409860112565237 +162465115 +17374858374604661360 +9349334485489309120 +6098975804437851276 +498702039545 +6210168527151653781 +30458188511971655 +6205434751085581516 +7935261322907499480 +8132786387029480049 +32432333424445462 +1720270693429491031 +2791055637096315956 +16916327697533963766 +1256116941380600712 +6314795677108153755 +12412626186082462415 +4822199202875915010 +14101026495285560 +7246105443124773599 +5622264654903379966 +6232418373048739523 +3197141888701059059 +6698151227744401178 +16395493120484788449 +9165456133652505761 +434216248790 +6490821264810717006 +1673570409701987370 +3950954761024136574 +2433291595626399151 +4792614539776962762 +30740204914217813 +14665093693064079 +4802996927930050357 +18377832136810441425 +17412223533672716797 +5912175786104794871 +7352605327540421550 +14916423074418074532 +5556289740484470910 +7245446739463663843 +15291935467163052580 +18040034251410921557 +1783539943535309417 +13135711852817963575 +1873618527731345014 +3058475745781687329 +5784522635265968852 +841773672491864931 +1773948683590380480 +825887295247442549 +15530835708041503429 +16961952154105627427 +755643360619348858 +1107456968074727871 +5248105056967869652 +1732546147595934946 +4254959725487524069 +15287141209813047835 +17907754113323114679 +15792637963143685324 +11497169803738493987 +11792081802181291348 +7391210168387832770 +5638772024393745411 +9870724845827361 +10374084178165437014 +14973914568267278060 +1464040393467837234 +4792215385223618254 +987047184539349893 +6810895610969860410 +5992475971611338014 +2412665840410049308 +228197755 +1992881785902860897 +13311225526413709696 +10881390095320575321 +12712642341532678955 +7886367766511579274 +33278352538678035 +3245518644367681755 +5881704967874100739 +1466296546184032316 +7341897101159631596 +2191210670736361025 +12595423883407406753 +15275578571694567016 +1413046597528477532 +5783988503915469102 +1068175371656917352 +219257179654 +15291089435152176564 +6364338509154097917 +9870725369066967 +14551451011484379239 +9391897638007149192 +12454107980943747877 +846704164710597050 +16427890617465716818 +13819018690369428 +9870725376800255 +7351759252537738122 +2128531814030721909 +10906583475570215437 +9870725880706629 +15287705212525028759 +8801992546205715364 +32432385013604422 +1839045967525799660 +1519546481944121311 +399564657253439087 +15479855057770196587 +12219562580088407363 +1251040676225705700 +11079423192795528959 +1498787815145951310 +989585332163798127 +1686164359680897799 +878291220490637011 +7239069828821630035 +16858178479776550266 +9096726350102080095 +2739136145374730310 +3597395118854314253 +6462654085110779139 +3614550526140115780 +14463310864315784169 +15287987228927271967 +5569296722648898807 +5779476262967715614 +13493869764049450368 +5090381719048381697 +4278781892 +828707437780169592 +282330530 +27638084671788545 +30740213511576704 +286197178 +9234597529149246703 +6877309693744988702 +111866465377720776 +13508534253930421235 +10370417990725209150 +9523554804725604864 +32714336930053820 +12537580816827032229 +9939529044407966192 +16005333651879910401 +1873618536328672612 +6763975681878401936 +4396907804627188337 +17083975299020625786 +8298103733356619439 +16261820492260846197 +16875205771930714017 +7635945675238502184 +1309476560 +3454588646300200304 +13209471093094952750 +18362783210550618509 +7245259419711242951 +5301072911838752314 +817170089 +6576414755309902918 +4049902545170866877 +17949762000884214511 +8531061018971039712 +9060579322535241869 +1838764002712710340 +6155045947215264176 +9010588495091150890 +10029800025394597672 +1359514598076212994 +15290525376551718365 +7465013733178291626 +18374729960680742609 +9467310877347155402 +7881735167988625398 +427623910551416700 +17087923524359767939 +13485237160559132174 +2625321597996895865 +30176189304422151 +14424532941397242841 +5672976430141222869 +5992475915722887744 +10835901056727990255 +6980419861620719876 +18413109980183855179 +3383022898894689634 +15292781537866425435 +17265262617058283600 +5780604289885677156 +16658392413560126531 +12922981181029969820 +16988750789099343124 +9894523072925812384 +15355830791983798799 +9335705058280675920 +1256117001567099843 +149879155364532169 +7419071508546416013 +13223018370102859342 +7196359620808367870 +34124487727868443 +10864261424787891436 +9868375279139438357 +10756726327912239150 +494402748452 +9504974943638475126 +9184831344526387297 +3048076198437077817 +12509175466786556638 +5991347897402266844 +1822200532863361159 +16878882991385560432 +9908927092227586811 +5888796238325754848 +17048302877138692718 +9325704466455472480 +11451760621033051224 +1873618256883836491 +29048106498005426 +5138070738186951940 +12251367169731089864 +10472837179882544338 +7881616348704102681 +15293345540578430341 +15289961360943111231 +6321206112271214839 +1841584166739392063 +1179692887208769939 +11785584453090308731 +5779476207079271839 +9870726019905139 +7344268883698389597 +12772641161582546703 +5782830536849757553 +1398408954 +283230362756538975 +3431353251379022708 +2574671757413524005 +2150364417047336423 +16854527014566439523 +1873618523432035301 +6181633645920130492 +29330122900257462 +1906709111338857268 +17954672406051493335 +9386257314251803695 +12013377154952481086 +2209547716381134753 +6520986101609794484 +15290807435944616443 +102051229365592950 +11464140787501065027 +1369593346723309614 +1873618480440217982 +5551497810020143951 +16844022412820812661 +7086073671033684399 +27920045185580524 +415138750883257210 +5730738615446414799 +11946060786733501328 +9870726550877929 +31586254122462912 +3872125181825392417 +15292499508567568780 +2429421478 +2359415887455217007 +18115014878068415995 +11599119229828345511 +1153566903691791228 +7238352472149210806 +12105446909435186853 +6155045891326827739 +9870724566157751 +11292010839550993303 +12783702187540489156 +6208295891572697747 +9870724570024028 +8197562950321118411 +5199085337155881114 +11921886842851633314 +1999641806814605005 +7247233517333775113 +9870724573918162 +2206152513327337745 +2962388616195618075 +6829351451017032328 +2880129344002472220 +32432380714308000 +15312344744002609064 +14311414740764356734 +8907187969453991467 +9844013846035459828 +7402091510284376815 +527486661139370293 +5461104748415560904 +5458243698210141082 +10159392371105598967 +481506104103 +130269948802315449 +10778338484471618511 +4445544331933523545 +5835546298267558578 +17437776287605078618 +1411918531916737746 +9870726101104270 +9870725101024610 +17621561872099776610 +7800754624757263827 +18174992035861848304 +438514291021 +14474948657118474536 +11018612558211800965 +10767604258422074586 +9870725108757892 +5386207979077524367 +11288528377159107134 +12899995919504202528 +12593167790876535516 +7093139039356461964 +2558368823777385816 +7034233800091631991 +417020330807 +8421459022910283426 +15197950057643922361 +15291935514452899847 +11608113562049068305 +14835085571082163222 +14425661019904366104 +7482850383114806601 +5106039013834643289 +1944417820723015951 +1410790483503640125 +2146416135819777720 +8655243770018219549 +13895981972509890161 +1873618532029372009 +8621549700391517167 +2687983 +4854434259307999365 +16462507637094825291 +15291935449967129470 +6554640 +1839892025332556291 +10162787574158200566 +802771828051758542 +11160816130067747383 +7140733684507279942 +15288833278135507714 +17238671471831225291 +2206716481646042395 +14665579471014679438 +16558373245361410135 +6204347601746593946 +7811296705109577759 +10908568596608862119 +17660158135199625345 +6675006381259907404 +12449072701226769464 +5193445004803188405 +16594185035380058516 +5778348197355983396 +17144416678735650400 +1873618467543586292 +1788898229393168478 +6155045942915979504 +1895116097406593591 +14947092899385127 +9308649427281187893 +17472419243001137405 +7530320043355358274 +17554608171616119714 +7352887326746739636 +5831598124517567080 +15289115337529569318 +9084437390665530220 +9870724655117398 +12772870734931498896 +7871853531784694811 +1488104377960382877 +13940865408857351774 +6916677212255566925 +18411417881767641103 +1252168750434705668 +15291089439450212002 +9870724666702882 +3146582804613390080 +1746181345776705406 +6364097413323828542 +45220981 +545261067 +3387142644522437849 +6927733967265136820 +15289397353931819570 +16426949196226775996 +9097135786792263694 +32432389311637054 +17088205536462706549 +5565348480113849116 +13465349807040900789 +7139887609504596514 +490103461470 +8666576866089117618 +2564753338 +647654602099665736 +3824643613810039189 +14580442426343232970 +72287418 +27356081166105985 +5255025876700255417 +14322424949763220922 +8688386475638075698 +17625228089634003581 +2718602158699600018 +12157859360936186867 +9714916620294556735 +425613816384 +7437134223972313310 +1873618252584543378 +5671848364529502402 +13112562473004646417 +15288269262526893775 +1627738434682252397 +10862662076345029475 +15287987211731346099 +11655556783171071186 +15610213152337834349 +425617658402 +7246387493920244465 +10466882940337865109 +91620559 +9870724716983467 +14263025731314799938 +15455291255839460925 +5029376191682076468 +2624757578088985685 +11954894262809542931 +7789666919926996424 +9870724724716746 +27638024484050206 +3305731410092126166 +1586523726108044912 +9034197851562591362 +103220470 +2531021385567767327 +18443164073222090007 +1873618519132738197 +16843021112131866639 +9870725232489931 +14371231213321064978 +6474545480086800951 +14786763921462404043 +15724358199937030788 +31586314308962794 +1732546181989157206 +17264773165563802417 +5304739198157995038 +15288833286732863993 +8970693070809082595 +5513358431825442404 +2184750331783308132 +9776875163555676172 +5993603989931888604 +11573994809263544336 +1873618476140930960 +9608971531469725859 +6949109709029318295 +14653781788333464925 +6206321733762436078 +27920040886281298 +9870726751942401 +7033387776678101343 +10215575640360054823 +7012403764072568933 +11021485107472774761 +8231778572020496930 +17307420547699842623 +15292499504268273870 +2625321580800971268 +17825639178001196640 +791272390552856961 +1838763942524968474 +7245541418917561037 +1731136039788693318 +7352251894438851326 +15292781563662316330 +8976281967684566418 +17577217573157431458 +8692390532950209792 +6156737981144454485 +18156237098482275869 +14318336791420408010 +14735929132254117538 +28484086590090961 +7194547622978192057 +7604559457759139911 +14610564085569110092 +153486637 +15267568147865284682 +11742834345080917347 +16382818492672128593 +9144793589536079878 +14545433112514473364 +15360120856645158659 +3895628550832211356 +12622921449567620730 +161219918 +2789363542978136784 +1519546473345543633 +2416262088310673871 +4013043832091580639 +3764779269698113775 +30458188510738900 +7352041303333208988 +8962588316709437565 +11129193715655864377 +11997174045329340543 +477206824696 +8389639136437693330 +27638119065017652 +7301047507393840008 +9870724802049287 +1730290029271790313 +11688760044611710888 +13534751532628931308 +16248578151872226541 +7242735986168111681 +11232176273866644162 +7902856098401037691 +16779181842987444475 +1860330011865272964 +3983621612890889534 +8267988241087938518 +13119788014580281308 +12477949191893682816 +18288107228592430898 +15291935488659641034 +10587647984101975031 +10750585189167876693 +16797867153523560979 +196019566 +14101293042240856 +15290243351550908387 +13711674224866899809 +15287141252803611083 +3000062970512096167 +15131353459163881415 +5830663914644775903 +15092168141359043711 +7139041586091065866 +28202143270987515 +1873618527730089693 +17362817255538903475 +2205024383229849531 +12987787523269739111 +4667874322192558501 +11344167577809275627 +1893141969688809914 +109958699161821820 +15817318383155881381 +1787206130976968703 +6817582656779008682 +2219378583 +13862523646724480574 +5778348193056698639 +15287423239113361360 +5092441468690770255 +1157279319656121687 +2625039581594590622 +9955462504235354518 +5093002727150217471 +10689682775194037146 +1873618463244310540 +15722382516522334184 +15287141188317833046 +10810137742748053740 +1361488734390085134 +16775357814077212138 +9941287861162483614 +5677488628097102118 +1467424551607955817 +1730938708 +7300201432391156580 +28484138179252127 +16644853988270020193 +5540680986800165126 +15294191606982536130 +16848105630658202350 +11268149246643615326 +5996142189145510285 +10256871348501033257 +15287705255515595566 +1466296524688810708 +7398759407563780062 +3098413000628184381 +11411077441895556827 +7874246159031684239 +962239532943807388 +1839046010516348028 +17204989276292524258 +1049541662233617411 +746325599 +16025494029661729166 +16579843686302695034 +2390185312237133354 +7401639787228444060 +9870725375555062 +6015751889870661976 +5197393255935525991 +17786951955841951895 +9870725379421713 +18111648128641031438 +1053524127770502983 +17422586627343735091 +6863396644812182592 +9870725383288367 +10753025826577715928 +32432363518386776 +9870725887194703 +8278511008446374635 +10369571915722470439 +3018298471404432525 +103179325071235256 +1945545894932013697 +134793217465407738 +2153908494234559731 +16204632762007442100 +2624475557387458717 +1240063138945768463 +16737240503404360339 +10477334394070901121 +1254988944555382953 +12817747362951356325 +3075656758671584779 +18381053812134272252 +4076954702532669545 +13760709923767801882 +32714379920622337 +11973532095252092085 +11129475740655424390 +8577538860526360217 +8713716078300710696 +1200046888883599038 +12903498736355393046 +3361815645018734692 +292685256 +8181328739401289461 +15522713715103584581 +32714336928809746 +2624757573789696506 +16310614754326436311 +29330157293474795 +9870726922073870 +7086038682136097388 +973176372562562859 +3955495966009932010 +4222704740394226811 +5357143003026952105 +5513393171775506464 +15287141239906971414 +1873618514833455304 +8698802600192534472 +13327266346497556474 +5885825832465678560 +7531690769748938682 +5944020267407909914 +9373626553925268188 +815924893 +1873618471841644417 +15525311699043174613 +14594554080759134411 +15288833260939595716 +12348750122672858841 +12060104460667198064 +1255552977359871221 +6156455960442904256 +1628020382299408572 +12591654146264356098 +6187441192029017939 +7511405001902418874 +1873618450347683134 +6752362138726908827 +3069079458030052630 +1256962990588780621 +33560463520640436 +6248129653559728815 +5304739129372913845 +2625321576501678931 +15291089465246099469 +6269101774807914038 +13819048784317939 +16741752804539788436 +17224768886585707013 +4347925833116092686 +15289115277341823699 +7541956522169741986 +33560399034845176 +2529531367741543817 +14137369733883185362 +4560302222027482231 +846986181114276167 +8804410014392922590 +16737001338585431446 +6518315999997603987 +12269921124803748502 +17094376519213262057 +17939033630403662889 +32432372115731056 +1551462646837743552 +8801992533307832282 +3927011739620222942 +5732303977939737484 +1808894516123994686 +7301671987551880499 +10248216095869245231 +109033155035885540 +6979009762410823886 +18411699880973959189 +1138122942483870602 +14471678324407809649 +16874641756320830376 +472907533049 +10114786509225489291 +8058131735588728795 +1201739004497194130 +3611513330056130345 +16483215864269335583 +12424417179544784828 +2021332458341355099 +1730290024972499280 +6928015966471454906 +17782439693399044703 +2201358182892981698 +1873618235388608275 +15289961360941863560 +7664780934043341248 +17814975840899059681 +5471876946336703378 +15290243390243415039 +15235824385987594203 +8321191778847888107 +14510953358855203782 +1200046875986974396 +7034515850887102857 +15501077368423543154 +14665067898565339 +5249797159683564125 +14017573175544265359 +3271455447591630020 +5541264770713325695 +10661759817962975958 +961759945131511638 +1873618523430794463 +1408763647 +15290807457441193458 +15291935441368529555 +7239633818635733898 +16484583022124546860 +1873618501936826089 +28202117477718756 +138984330194536520 +9266962182080650538 +2902127743481093400 +5683634553747164818 +17662977685017806465 +2285680568671889696 +4983149958303002549 +31868356507097743 +2625039577295298860 +1873618458945001961 +15290525363653855352 +7386379944371963929 +5672935479475450559 +15509536076691958068 +4675908641477452458 +13074753287084194536 +10802018431140108628 +8697392509581210969 +15292499508566299116 +1007582076291529421 +14429418949638901670 +9413007478785855513 +14092212362992498291 +8824504992692395590 +14428481261316087118 +5623392699018645115 +6300002854820656656 +10342451712020405562 +18178176032572000245 +2785415300443105385 +8854886116851920541 +2442023618814088483 +5871164884426435608 +13960824438201265668 +12068249601228026317 +13307798931131676082 +12681041688412119100 +4156318401029423173 +13307516880336134566 +7033669775884419429 +7982583793721956040 +11033414263523796143 +6268252942656032040 +881393336435241826 +1730290076561666915 +7028608203314241982 +5141454990908002495 +1746736033136122425 +1735084269425872945 +505677876670131335 +2341393856519411754 +14101052289934227 +5991347884504387313 +1038887016790255199 +3188833189742343006 +10157468106661718666 +2332012875764801595 +27356072567528853 +5833854212747908857 +6152225714402236420 +11441894924405970147 +10585391784093501583 +13836178783633613047 +7140169660300067380 +9870725103646068 +31022281504395664 +16077787910842630918 +9870724603606007 +931541121857707259 +12180761913526199675 +2146416178810332411 +17987656836110361902 +9870725107512698 +8910110154532664270 +16392223356658340845 +9870724611339285 +5516046748198836012 +417019081359 +17599712193397024755 +31022238512586223 +5302200977449162946 +14268167369644454391 +4094033179501014844 +9127491855471229083 +8070152345684287337 +14383068692161795 +830681556898108038 +4970103817181947028 +3641272205610928783 +2332012811279024420 +15291935492957695878 +880547325918336387 +10374285323404205033 +13195084493883073135 +13294615563597990173 +9870726623098617 +4561910316531657792 +16340493341965880832 +13193327024172329555 +8049634251984235888 +1043117249933101633 +18250406715760799680 +9870725134571535 +3248038558279805559 +10869860987124465804 +9338798349572580739 +1575334552429621186 +9870724634539061 +11847668763332906065 +6534429686359853789 +3761956926416053524 +1732546151896591368 +17393050773869308001 +3878613910076338047 +6927169943057924258 +10844617942550920444 +8048793475359466380 +2328473418854061618 +1255270892172570060 +9697337405408964560 +16173464470146146498 +5675796516784258992 +7341897126954293192 +7058279794388587004 +9870724653872204 +15294191632778418318 +17422075041604385459 +5782296465685690118 +4594049832084523564 +1575616568831864856 +14266293381143796009 +7688360202405638152 +245051824093 +7139323585297383952 +9066413016012829626 +11254960631523331198 +9870724661605484 +2625321572202387090 +9768109707480416523 +8106071886713535605 +8482084103035110644 +15287423178925613057 +540149243 +13819044485023908 +7191787919201623861 +16409823229268203788 +14757797057313387059 +4978143301206563402 +15292781555063740152 +13536993689471127 +16165083394670796418 +8555000716518495752 +1996539665076928728 +1414738674448231486 +17516205877386679445 +4831503757951251449 +9435617338945912212 +691676978149666567 +724667011080920431 +3642118224725158500 +153456695047385442 +6047549741664253203 +13647762154727690899 +6098975817335843736 +63308952 +16758377811460582981 +7404505671630666202 +563349043 +6024120029234355271 +14426056237756190379 +13160497683558315389 +3755115258874519557 +8600430310025343760 +5250643165901186074 +6337342946992343907 +14465977220360254785 +17245096198968656436 +15594797272826211018 +12398037902653464815 +3061427692979963796 +2530457361360558120 +18043401381563221801 +71042215 +2927894592700494577 +468608232644 +1575898520748321572 +32432303330645359 +15288269262525656374 +30740239306197998 +8318427307995835530 +3848633150599819956 +12594577834199372952 +5141737015907596494 +2725200978109358030 +90375365 +29612212387064777 +6815326486865722615 +7032823752470888781 +16645761359050460924 +8152953255884309641 +17154008149781143872 +98108642 +2624757556593778816 +32714319732888440 +10198717281121678755 +5995296096946885314 +15290243342952320315 +15657440989375970927 +14910807821973066357 +11078361523465623243 +13991391243742233579 +13035898745205496714 +746149276692602453 +2936726836535696012 +5725098227204056623 +1492645904842971431 +1880166564501796049 +880547270029890158 +6185740956063705059 +5408982899763718000 +1838764028507344293 +2265433577080238987 +6400397909609112729 +13940115397007321779 +5412085028603505760 +12494522522501060914 +2129219401877045033 +6151742330269346998 +15290807410150089225 +7193983598770979495 +7515448154541134751 +11718910014443698507 +10782370605598394762 +12915164710029630774 +2625039572996007704 +12749251359125023229 +13513632858282074175 +5728764444739438898 +1039884988972941814 +15018372275201457114 +15564529833679081226 +1251886678142774517 +3449824019105670946 +6156455943246998973 +12826857471070790317 +5250413499738166489 +5831598111619680399 +12799111975240233116 +1629161277 +963414975523794795 +11057894865362623296 +9870724758271201 +13237708531286474754 +15291089469544156753 +5516892818902227018 +12545157347485707029 +16825330213464927545 +15798241638577277370 +5780604315680311314 +10363686875760645148 +14665622013520787509 +17304285656786099190 +5198803303557630089 +1095239124379576451 +18306023692144687110 +5432665589306956209 +10934615007495788420 +2950001802434732086 +14612094343334731055 +14462895139282630747 +15291089405058371724 +7106576757289082593 +2807316373451052516 +9135138120990860153 +8214174268225170565 +2635993685958410253 +17178370643127776933 +159974726 +336639206865059070 +15741861301866531558 +17173040774849712402 +30740290895356206 +14605947718330244975 +7999174347475655972 +32432354919798690 +14101047990638298 +2522831933761285398 +1411918549114040942 +2837757540382961615 +9870724800804101 +12482881246181026547 +9870726300923591 +2624475548788879704 +10163902770239660648 +15289961386737754397 +3810030574638219693 +11701191021079496879 +5887104135610190724 +1016053527303116481 +9195158069578185018 +5245848874156701568 +14537520180616050140 +782242303113437069 +7837359108808134215 +15838615109059690819 +9870724820137230 +2355338628669389503 +17680425426275872978 +2527073082844985859 +17796820708673071332 +7299637408183944018 +8380327196105135220 +12484612888873211468 +6783807687633541097 +15288833316826785729 +17018729383741909454 +11324997467887514509 +933515197985083230 +3883415041176704561 +2704423169904371745 +15299577268671306952 +5778348214553296869 +9185852015288598982 +1714227020 +12557640597676307627 +565586061691335885 +11347244940186371685 +15292499534362200422 +5303047099741708609 +870346606921064665 +12249607926636237584 +11626061263276162099 +734843566066641001 +11509066634408715904 +7241607903360452905 +6562660560423493107 +9516933842087075822 +1464040371971387198 +9870724854936890 +1873618441749073841 +16363166289661945614 +4956670950121363636 +5195701204809178207 +240752529082 +15291089456647515795 +13436093398659053078 +237307274 +12576044618902696660 +17336839796298881023 +10473820069154400015 +9870726870562570 +15291089413655698509 +6189377403852769618 +16206725293285981435 +12754891657085916890 +12485176921677700772 +5636167896104458145 +9870726878295819 +268490856288772864 +15974084862334490481 +9625506809262379100 +507296899771 +4089771542585347452 +9870725382043173 +4065061556721888626 +13038602074545986424 +17050134424117007208 +15932398067869297426 +1574206422332097927 +8829045524260142358 +3895628516440362909 +4391823033678838887 +1384352022003475638 +464308954022 +6818388851727943820 +9132390765923558628 +17945008138675382908 +5671848381726801649 +5461104709724424310 +5839236516000051133 +9175023023351675268 +5141454930720265425 +27356055371581427 +6996567784476918517 +2678571791705391038 +17194372438658673851 +3069305016885189748 +1519546395961863052 +6244455129419229433 +6928298017266925772 +11016920455496226117 +2119841800478333555 +5140044853005594417 +14383051496255285 +1694703987789597736 +10445465599053614589 +9080559974659465012 +16593903001780637096 +6439646011077775230 +13497614351222793680 +15291935475761771267 +10936791446025558964 +8599885612119771517 +2624757552294489632 +2299993216590295067 +4148387548948753060 +6151097678885688674 +1876289221937094026 +7963688554976907716 +1043399313625204623 +1873618493338243084 +9480521397579444127 +912038644489067141 +8831873412884345133 +16396392956869830857 +1784130019891160050 +16855640362244781463 +818546355 +230324560330435010 +17192721361846888983 +1094393045078797995 +5619565529195548967 +8650474279445474895 +16219743446836928732 +4315194148672924041 +6206321707967910649 +17536100556496588088 +15291089465244860379 +591836081131054080 +1466296554782747759 +12918763854349627763 +14798960469630203724 +6101795934071425322 +7294584453511452904 +30176189305785417 +11270550134515122412 +15041760489058683632 +16683019382329520255 +6927451942264242344 +13819027289096267 +14906859635325296545 +18232229389308402604 +17168369927962890772 +2325192589248583698 +12549622261011521696 +4728860507982872879 +15009813827273518930 +15289397336734637444 +15369906677232836491 +1839045976124497096 +12416013361138578652 +903133952482171115 +10161366550410041149 +6965360967470770627 +13543116117081679420 +5885261859847619020 +14101043691345735 +7361211863105428443 +1201739004495938129 +14775421719582555180 +17388608885738977203 +11074815735780632177 +451412297679 +14653054815481762055 +2624475544489579891 +15285545851043926672 +6340598769837609501 +3875602719820160386 +10550587301332015037 +1519546404559204846 +9013091190501542432 +14378284476977077674 +10377761406219005461 +15291935527350916123 +2345607496310660571 +13044507792076653098 +11739040462247254363 +8424561164648083512 +2337133545867524348 +409156595892770120 +10231989982691347967 +15293909629271559275 +18198700987292071934 +1873618544927397483 +6151097687483029729 +13556780324782233954 +9870726529054437 +5352348797264857641 +17923164431567576805 +6130765796047197332 +7221703076405404509 +3794911060389076727 +10433991425051732875 +1873618501935571401 +5348239349666947993 +28202117476476793 +4581098893827451995 +15290807435945987395 +17460930595627875429 +16221687404438952837 +6100103891543658014 +15802209657742306409 +15293909564785782489 +9413007521776417937 +6020728396863317117 +10757572347027852715 +7033105751677206867 +13958007565980950703 +5354604928487070452 +3857974274121937980 +14161425375476598242 +5730047846718980454 +16421351689580520761 +4145558130873280032 +988739295852309832 +11473766593121770555 +2625039555800085053 +9870725056001371 +15059564958356491391 +10861816027137001136 +15050292378613783964 +6934696917358829147 +5248721418517823262 +1771364300565138242 +11897516709942661608 +12167502394355563987 +1938491253 +513754474061261890 +2523959977877778045 +15291089452348229789 +5516892801706298769 +8070402889435849088 +4026170138928566451 +5783988478119722228 +9797418163082707705 +14448182458800611332 +16431008191725837382 +1568829035453363079 +10635921794709209422 +7194265597977297581 +1996539656478350661 +16156684754098129627 +9388513432576090891 +5837238478365609605 +9870724575294432 +1999641806815973505 +15287705229721091171 +9870724579161061 +1358668596158023938 +362398141595602041 +15197386033435462308 +16688455542662113767 +12490303189019680314 +503001453343 +1461651209 +9616471334043587942 +1416712789268131698 +9870727087093538 +5462796864027833577 +1100680858359392856 +13393719741987688998 +1574206418032816523 +1730290055066430857 +5194291058309403321 +13464322011058685617 +7239351853821398531 +9375259065463616089 +18052542663206660228 +7300765482392945532 +15600453352904087295 +460009646396 +32150286928318465 +9870724602360817 +8537320823041957484 +825323275340881959 +18092303384593380416 +17998422711599395290 +438515686140 +5942328254974083583 +4899574120860903295 +17626638094263084368 +9870724606227465 +8484392800936339141 +6926605918850711696 +12478172948446058415 +6095117356076044645 +1254706867965338021 +1041143148011207670 +12689652909718711032 +15290243377345542808 +10002765370978679306 +9870725117867417 +4333790767825710465 +1571104254799731715 +9849384022552156887 +12315494108807773679 +32714354126116656 +14665097992499830 +10868020370799030824 +14383047196960401 +10229516639352395865 +2150364447140034962 +9870724625560607 +6934128324390829241 +14151987057237757276 +13714844348898824305 +8095744092864395281 +7138759561090171390 +15745101183391519293 +16857332486455698571 +1359514658264081303 +9870725129467301 +4064260 +2624757547995195389 +5249797146785685094 +1306546738906221529 +9870724633293868 +935489347195586402 +5412085062996727828 +7930917 +1734238289004090971 +5511666307614710645 +3526509882569922795 +11797564 +7087765765150802410 +1464040419261239838 +10592171188278009396 +2794943081434534665 +18370837089873586117 +9799345802374370952 +666254901333219932 +10109611948417312448 +100641160249623175 +17504806456180155379 +3789266998286825834 +7299919407390262104 +1041707150723215241 +1413046623321877462 +17847527399173661290 +5944302301007470397 +14607385723143808285 +1535117082 +12108411733473503058 +6817864677481911860 +16285378285009240167 +38863958 +7582605490651874807 +5782296444190476525 +6925759843848028268 +11559488140755693742 +5303047039553965626 +223556604508 +9870726164346531 +4530582984922302788 +9870724668087417 +7029736260327328305 +42730606 +161798583001902112 +6156737994042446576 +6013889958159211945 +13819022989798638 +14322142954856336167 +546637340 +45398647160771310 +1992881725716501025 +9870724675826835 +11310405428615328572 +15751385425378301854 +13003645470104820283 +11257586035547447832 +13000153596431314724 +7095406224089833202 +15293063541372236797 +14165591608719859051 +18276632678810792666 +511598799941 +15043322351971538196 +62063749 +5303893136053316809 +15289397310941381525 +6876602157457619372 +14367472968051224441 +14107289518250218088 +17300923237302811455 +11383867318797674948 +3431937098798619957 +13255834995987660016 +5895503452529110351 +105153452786529438 +5796863017406975446 +9587648737439469536 +447113025571 +1357540586434744558 +15787129165023949593 +9870725206799814 +1585383218 +880547356012266116 +15288269241030424968 +13301154954869226346 +177074650366222860 +10381427610856603193 +5342525537091611841 +9508117465405351959 +7193419574563766933 +12535711295515926539 +8734462910471683283 +12406108725640500888 +18120304561411535000 +17335214655854558215 +5540271068216192655 +10532987940533373758 +13856376426038759191 +5996988234054376476 +2059964907575519910 +5832726151436897321 +17733865212901744637 +9870724726093017 +7162632211190858297 +15471013794591809875 +10670653605843061857 +15291935458565831923 +8737266831655316934 +5885825858260312902 +9071506008073853184 +16307934016737519668 +10636325330389783644 +14781285735908463042 +10541654266261565931 +5766981569280224071 +9752004170917099767 +7967014305277239066 +10288044522788637201 +1873618497636274939 +2576363847232524560 +8365026283725482522 +28202113177163696 +5548539146849690566 +5303047091143126749 +8603359422188510298 +17082847233409116392 +13016990407504892395 +5566476507033191768 +12748270311860295289 +2625321602296319259 +2500126427173621534 +5793518604902938186 +12939318870796673631 +9298565156323660190 +2053509812619855042 +5674104418367992350 +8308324011471816715 +1790709167968112308 +7880043043777810265 +6589811821595414479 +15521585615099990579 +7192573499561083505 +1202584997816911315 +7024942054566471509 +1254424911749607343 +2785415274648570903 +1207319175418679449 +13001682102565735156 +3090551779704378056 +8276788249793081603 +12540081039338920374 +6374771627236275765 +5516832380128143086 +15289397319538722761 +5559264896202193030 +5461104765611608440 +2063569050645254085 +2293953824856884847 +13374898155346339783 +11638293600493984254 +12274796319317563778 +5894020517106380199 +6314795720100110638 +17092728766434661036 +7299073383976731456 +14234508205378001122 +30458188512104265 +1477329488301416292 +5195419281952937959 +30740269400135137 +1954877918210256078 +6243932746435207221 +12060668497772358456 +1359483596465455706 +14814059355306855896 +5724666020557560769 +2572415600398252494 +14101026495416400 +7437127181007605230 +14101026499291586 +5991347858709879033 +434216377503 +4867413200845347196 +1256398949184458461 +4314819272363162324 +7833561147914993351 +30740204914353324 +2621625390044293485 +7150065641558660833 +3934896194202202266 +933515240975654897 +6196736653374986568 +3831297342191782928 +1746572884498918730 +6231190056761504640 +14383042897660595 +1873618549225449342 +2169005683868175785 +7245446739463786361 +18063175032920946030 +3493670867319668584 +17736056655158074503 +2624757543695899937 +16863746392386442734 +4008957537367105584 +31304272112127418 +16996745852409680714 +7786083262071970747 +11008724123489082267 +5785116595320530945 +212862329 +6929959708802616010 +10592171183978717499 +17788534566143544239 +11127785638639975627 +8383464655762757876 +15397349661003755877 +5831598141713629066 +985946599364831398 +5352348737077144575 +1179025838192226887 +3040117549151974119 +684134283687774634 +11265167757449175536 +1873618441747835697 +17892584866493509807 +5356297026902053392 +7718679577431849825 +5303047078246500529 +3703701212822509299 +6262673798362502334 +11743153391473274937 +3764334357959808362 +4374969106776731242 +5722409910832010335 +9201135878743278772 +3482225908551071984 +15348814740942045623 +5354604868299327574 +15274450213741556577 +219257311226 +8915989727614999717 +17958290734101236200 +15895720572215508846 +9870725369198041 +15289397371127861661 +9578899180366815457 +17359928778200925842 +18066747657552599544 +5888796315708299966 +5356296962416255730 +5572116878078392809 +16253194079653685224 +13819018690507556 +17051161967565041261 +175322119705935608 +7032797667558243032 +82528786831666836 +9870725376931328 +10718984542888085082 +1197790749064242852 +16583739439456152329 +9870725380797979 +7353733397450326999 +15420834705366981996 +171387371971096917 +11848796923524306930 +16872667624306386042 +485805547153 +12484048873263346599 +1146796953124883791 +17841250302039962983 +29048162386602364 +5408471212899110877 +12004847539945354930 +32150291226378785 +14280399715628563897 +6946246893335954969 +7223059653757388594 +1360642680882744723 +10482669878882282320 +15291371408562736170 +5775490868206268501 +15287987228927397973 +2839229256111311653 +12746154417354124602 +12488239579328754616 +1747004031218561681 +9870725911770710 +6877309693745106682 +12909283101122309414 +29612229584383674 +286328252 +3357575107008078897 +6097847794714696441 +5299098831412210981 +8477529075407349772 +9660733658897402568 +18116016210310285625 +27638041680087785 +15288833346920735842 +6919877745582160494 +12987671390144443212 +6993058173406238153 +5511701056162108767 +17593400006054857317 +17202451137266803853 +13464164481390611703 +1873618536328797978 +5412367118090332511 +12162857194685681771 +11020586642937885164 +13560019180287638445 +13071641208840273115 +7342514858172173761 +8552934505565808786 +14851938267165104578 +4131756885809841053 +15294191680067031275 +15287141218410501685 +6926887918057029782 +1873618493336980271 +3051358568939477475 +817301162 +14947097198818149 +13712725028290898109 +5884848077472538685 +1251886695340067072 +285938480839136274 +2625321597997026778 +8238517427652352389 +13877305484601734369 +15679245927777250199 +434250991118938578 +1200892899400693044 +15991329612793777436 +829835507690063373 +6153353818705185768 +9870725965903465 +17392852282941837606 +335132329133939582 +8879858573940433955 +7088047764357120496 +16872758265580306083 +7028326229902518541 +17935149165637144776 +11136049654559361867 +13122856944941681759 +16204741244690780570 +2147544210028974282 +2773898507855730948 +9026822436951053759 +938577221244432679 +14243906649715582873 +15289397315239441035 +12186364192724099046 +6045587551004596683 +6044795377725105206 +3608753331855454593 +494402877125 +468807076180682814 +5516046825582647178 +14925404126193348279 +15293063524176304283 +1363740394 +9241910669145360017 +5196265237615086944 +5991347897402416902 +12301425206993168667 +7991526094668244792 +6050251095005225915 +10758418422029299999 +32432329125282409 +10759828435258191061 +11303992210264965508 +30740265100858942 +9695569776152489513 +8461230827060607186 +3411997969245233461 +830399583486354060 +8722866468433649219 +15544667035127461041 +6154199872212707541 +1375340270 +5416903162625348246 +15199360105263538318 +11037180349310330140 +429917080356 +2624475522994368594 +9350687017873532647 +3429943004616282517 +6829027748760607444 +11878042084817848361 +1897117983381337464 +2522831886472787216 +796287374104080319 +13165236096819726934 +7032541727469994305 +5779476207079417743 +4613997209956193842 +1413892625240186001 +18061482934504738736 +7276444590248450968 +1873618544926133324 +12306875953402038053 +8054291783896998718 +6981547931530625325 +6827279971330580815 +5251489275295831667 +12909565147619732284 +8807982124992894573 +11068307376171609765 +15293909607776346755 +1410139907 +7880488278793281516 +14152551158828775019 +4590243795937215174 +7193701573770085019 +1873618480440360568 +10675690836223986910 +1251886703937402167 +5455705550585811293 +18355154975736420224 +17828235624496847539 +16146067599794911445 +15287423213317615009 +9347818859728933969 +31586254122589002 +1517290337824227508 +2849674907923788891 +17364509302366084069 +1895116067311531597 +14427726834025504707 +9870725054756182 +9870726058702464 +11918547770780427781 +9944154806538146243 +9436391241578605688 +10914208898869168976 +5458848587100981955 +5265910562483346718 +7719447247479583312 +214958017002 +15513853507232414339 +8857962551646450599 +5354604864000038748 +5340613827489314448 +9870724566288845 +6621247738664277457 +9870724570155038 +5312941456382980397 +17557843670454376360 +15897859265386516004 +15289397366828571922 +9363795546084422570 +1413046550237492143 +9870724574049236 +15327223662880124908 +7562235583526800908 +8339857016756586297 +1786086408024777010 +1254142843758141275 +6980701856527941897 +7525188923689153065 +5833854277235059542 +6011408714502655597 +17939922315943701932 +9069694239906153589 +16826462082941729705 +16534209617217086591 +5425080494119590369 +15289397302342790141 +5345701159052127479 +5302201063430293708 +6549705653207180411 +481506241247 +5406613406419588513 +5195983173922933208 +2361706707035775428 +7590943417659436272 +15637388777417434675 +32150286927076332 +1575898533646332520 +8210619437363832977 +15288269275423642853 +9870725101155684 +14270655938778062328 +3556224020418733722 +438514428432 +7087201740943589848 +9870724604982270 +9870724608848912 +9870725108888966 +15289961369540582951 +10442852986254678155 +2577002748724404716 +4460967390017575468 +9572107682921271336 +8421459022910398271 +2129240136896229256 +16419095558359762419 +11422235346247430464 +9763801087524692048 +6606162839980298873 +6443061665402805733 +4123248415797549342 +2468384022945032276 +4736264104721392432 +491259354 +7852905038840995409 +7299355383183049542 +5301072972025382631 +8941625236594973244 +15406359677685625617 +9870726624474874 +15288551291825902119 +6204347644738557066 +5222364346185049327 +6733292533464905597 +2819057 +15040978729766689527 +8962179496692050922 +1361488803175287162 +6685714 +525102972357006924 +5847385801418298343 +9870724635915330 +14311172801615956401 +1380692883287576825 +9870725135955377 +10552363 +8263358504600101147 +6101796015754522547 +15287141214111211395 +7724696083912536120 +5568018385112679264 +14424533001583864197 +5778348197356121198 +2518484914 +7460011687021330568 +9870724643648581 +17404595615100137033 +8637278882685282695 +1873618467543723937 +9870726147634846 +13480098052608171968 +28484163972637825 +11841014716146342013 +13655523387674612891 +2625321593697734691 +5253100136504119108 +14815878731793589149 +9870724655248472 +5727354401416743196 +15882009611641320191 +7086355665940906420 +11994917969995701476 +6032008797801694041 +14045391212846459551 +8854886146944602339 +11132295891785694029 +15289115294537901492 +828143439366349649 +41485413 +9870724666835709 +6364097413323972168 +545392141 +1005889956380019828 +9984259169219980425 +5722409850644288705 +3068771142868231123 +6306953179140543151 +11490081257974860721 +5406162714240557916 +12796716796845106330 +7660382775691194415 +18416497682307633444 +2170133758076010775 +12759952334900916206 +7192855550356554371 +1575898585235479052 +2407143038142984678 +11187893676522954357 +399783013382497393 +1623790166351432884 +490103572560 +8623726694876598037 +5248951050287803728 +2000487911911397430 +828707485070159069 +6361518379520760575 +985919106031104374 +9941880145921710432 +17955731434090939245 +27356081166224161 +7874673760297302366 +3522810865597948146 +4178883490059604425 +5726358075983401983 +10429166001378111305 +34124418942912451 +6411545764377422401 +131249737499679948 +580191820 +16075162809290589 +1873618252584675713 +14106274658388552099 +1782984231895049873 +7940601578509916376 +7354015396656645085 +425617787354 +1972904779484305836 +3885957338469448473 +9870724717114541 +91751632 +9183139190223016950 +9292416580112839558 +10968759497312251387 +6053028402293443677 +2624757578089117472 +18412545951677546552 +10359607934526891751 +17535013868194108929 +6979855833114411249 +15287141265700368282 +7580267950467137981 +9870724724847820 +882239428633980183 +5352348814462180055 +103351544 +15291935458564576732 +1160107295621123492 +4151360929364450460 +9440210843932575052 +1086291850409955260 +6241248994235924215 +14259131864331852489 +17321972846729642330 +1873618519132870854 +8118963725238416203 +7192009475353870943 +4989419314252950077 +16484582996328791961 +13695397298624537118 +15290807431645439276 +28202091681942736 +9856766353087678622 +2625039594491353137 +1873618476141071094 +6011895748734496607 +27920040886431425 +16221687378644462139 +7141015679414501963 +6105193743073177821 +306220492118380964 +6513063683555473918 +1730854053479077129 +16693358301310306443 +1840738130429352854 +18214565923569693129 +1995983927642055823 +145335345147612458 +5780521020060296606 +11030839019091087501 +14424532945695412647 +7298509359769518894 +9870726759806723 +634324563 +15287705268412367212 +1838763942525097060 +30176172108639413 +2593041312621538078 +1980635170485125560 +846986206907691835 +12611016287737833688 +33560403334282846 +2522267888058836363 +7247515563830149914 +9388513449773392783 +4282424446553124418 +10159392431292230411 +153617711 +4119084579038312248 +6208295844281716949 +14572005040461463770 +5780604272689881126 +15289397341035305404 +10483207517846336301 +7294417450578829246 +15287705203926586272 +11406639409630570185 +2452976101834110031 +17205553356387079811 +6524975260417660501 +13689663543835251658 +1256116984371292849 +10040553306233531023 +12301343579813470324 +17891751271863968151 +6680725003041776988 +878291211892183269 +422847609951239688 +7085509642527375772 +9870724798313722 +8979734292754679137 +9870726298433221 +11631533298290659666 +13177769285178058370 +6509618409622343228 +15288269271124371408 +2384107316593708657 +11667482570719053789 +5197957314536093147 +13747186725612756554 +4886163694041110191 +8483392165818291015 +13829370923438598841 +6366353518750207652 +6206756537831610351 +17199514878479919124 +878291147406382923 +3546892421705320421 +5139762836602038217 +17064825168080026101 +797260235523440931 +15293345523382625092 +3682767152562455923 +15668850572958645074 +4801304812318048366 +5995296127039576456 +13497082958030246417 +4358433398544095660 +830399523298634919 +17519186700240950935 +16696975802530155937 +13516735030113869718 +7246669488827466486 +15290807483234599314 +5513226652957347896 +3640323153088757201 +5661738430124332592 +12271694091597462508 +5469094538686390745 +14437962511803362174 +1873618527730231897 +28202143271094573 +17367803244119077021 +11880016169542576993 +12710123380452834104 +15288551266032631753 +3909861025052307316 +5511666324812017148 +14734581879071319146 +17648172271756970505 +5459976661309983191 +6101796011455220787 +10992311089537504535 +6241809254224391791 +29894215894047145 +1782138208481522982 +11559421710747048429 +3261565713776263227 +5103405418406822036 +9870724848579883 +9073007892707822428 +1873618463244438771 +13671275472959648411 +1072037457616913054 +16609442224487362294 +316064311709227921 +8221844085436076839 +6699895458043813712 +8659619754002769371 +2286775792223981324 +13009654029345363488 +7359433925624936534 +15287423196121680645 +14732438437247721081 +5357989069431254731 +5356297005406822722 +15294191606982653888 +14581169549127126457 +9870724860179783 +16545031380502991069 +4579824205164463454 +3665614253022068131 +8773072981860493855 +2635993716051094203 +16085772215206423105 +923505340445301798 +5557910247962135717 +15220235379111454950 +1570629903415985169 +10367597559703289031 +3127312818991737582 +1905898423442087189 +9870725383419440 +3766801901047193389 +16337104745240476042 +2361672031574115353 +4523546378088228224 +17626345388899197724 +177903190204309705 +17641922897637616158 +1244961421058390476 +485804303931 +7872981661881076907 +7404505645834917908 +12796849896123538700 +1574206422333474175 +1286785605941468482 +6008809191785052585 +11787935005164846750 +32432320526692475 +5299098874402772204 +7352323298240431009 +5406444726343503117 +6926323893849817220 +1183077101237453235 +7515603406020824212 +421314655027 +1873618248285379664 +7751747450592908836 +13455211411485507658 +12966362425739923889 +8072726556923203646 +12290170445125525491 +1200046888883728149 +14383072991594098 +1783266235399495915 +8109847348651242239 +10184983752153569330 +292816330 +16757552583869927085 +2622783428877381667 +5249797172580327733 +296682958 +6311975551772864258 +2624757573789827184 +2221348088688431517 +15290243360148360829 +7787136313562313680 +9232147856523988439 +2163339848029127916 +15291935454265292103 +14342899211732653079 +7660072835933877879 +5436516692071888680 +9371707452376953993 +1575334556729036847 +1278354954965245399 +7087483740149907934 +1873618514833584011 +12966644442142175695 +6151097657389230718 +1944417760535408582 +13076193478088073006 +1880166538706053239 +13100244218720362053 +16158858703724157857 +1890039827952525120 +5785116582422664659 +4904404350412150361 +3654816544079167643 +816055967 +1873618471841764601 +819922620 +1628020382299550543 +9870725949191777 +14060082314617567643 +6431681680095532763 +1884114807036976424 +6262391777660907686 +1948083978070810838 +119263690596506279 +8335721576467227078 +1038322953890715789 +8115895767916891347 +2625321576501809327 +5542550368496067576 +15287423183225045834 +13819048784449091 +3205275677406341518 +13722190593283397286 +15056180748627358292 +65328991615068355 +10821914528495391294 +10906583505664283265 +3387142648820619516 +10173910595829715233 +7892956539650130985 +15057295986472462771 +28766163178971872 +15453689147130125383 +18097467579192383242 +2186325960811879188 +16222802787723523377 +6208295839982428104 +29048192480513076 +18010208493826022654 +13166364136636964501 +5565348462918065866 +32150321320307866 +2960898694535663909 +11739843167758346587 +15288269309816873222 +16174432731240476526 +9744694614536765993 +30740286597439988 +18413674025886548066 +2121831449192051875 +472907662881 +5153756500002945353 +7803671802807266333 +6980983907323412763 +12317069699553499094 +17302333254828494568 +128577803095143255 +16931611838274884871 +7352369464500556496 +1603375975111748248 +1038886986695199370 +3482789898365190082 +27356063970310213 +4129490617788556562 +15793417253295877 +13562557272023586889 +15289961360942002997 +5267721725907250848 +10161648566813666082 +12073088508578766797 +828707424882421041 +948019863933441041 +1322843273083500749 +16977612306074968228 +987893190755831371 +3391090882758263458 +5299098818514329076 +130525093392052958 +4224944260454245346 +176197993773081026 +16377260960560188717 +2115587861591050590 +936899394816453353 +933515215181143072 +2531021389865945200 +16780734179722999042 +9604786828674682064 +1873618523430914618 +18006978259953277164 +5193163009894979088 +15292217492164209588 +5164964879650076036 +15291935441368662187 +6856532310576475213 +16536747807833263492 +6100103913039007773 +4429089947638919438 +2195247887786980249 +4709271688407183818 +290284644730541598 +2947421221745990858 +7408735917671473536 +2387236853258008082 +7224394085122656588 +98949079030709061 +15501473033754249693 +15687084388461979027 +14028933987768280870 +9807927549284013164 +18412827950883864638 +28202074486017924 +6812506387326116514 +12229886213732643118 +1873618458945135180 +1732546121801543390 +6980137832320729335 +2625039577295429644 +15292499508566435115 +5354604906990627403 +11650514343538028283 +831245572506871087 +9145669343140272907 +11276479179859633975 +13501982462987226389 +2592168024777625815 +15148356472588744637 +2836911491174855554 +15256632220155390142 +13515333949333511654 +2560875148782685018 +5512098587345621692 +9813006656186420513 +6206321673574816873 +9870724568937410 +7874396428657308354 +15291089430851770758 +8087249190780558413 +7086637716736377286 +32150372909468595 +11294267013763900092 +7405633711446564457 +4352898200719795265 +30458235800727039 +14263644161166821395 +12986607308441393374 +15289397345333373909 +14320651656585758824 +3793440948435043824 +8270229298440050556 +14088243476560361305 +9950583114428780378 +1623790200744655581 +883085452046259252 +2543638519074807994 +5551357435004660222 +5991347927496330581 +13669152211453949580 +4528046089863841077 +17203579194278691129 +9292264724512182709 +4130498619197494571 +14101052290065525 +12947857451207430852 +6098975787240791177 +12887467213767254921 +492722805206298598 +2688678228647703169 +6152225714402365369 +17627886543243384787 +2275024116832819028 +460011036984 +7247797563036468000 +8139456321376432808 +5569296739846327901 +31022281504524265 +5299098870103476905 +4144790818200563273 +17142855811503907363 +8268575981438914234 +9870725107643772 +417019209420 +7354957325221915891 +9870724611470359 +5302200977449316298 +490014165 +15292217543753358506 +18224921198423071022 +5194855125508563456 +17790217346286906621 +8042494165704209243 +15060910181503410436 +6513444962178640971 +9744509175952983562 +2598586633860047466 +2624757569490538724 +15290243355849079598 +10913644883259311134 +7085791641733693858 +5792160745190266771 +5597087998421641871 +10377426660276899620 +1413892590848337112 +1788898272383867842 +2927048573586383866 +9870724634670135 +14882607364446952599 +7034797845794324878 +787888266804867732 +14016709054171524328 +1733111134147780784 +15293909573384493675 +9448371426434101969 +10757169849186201532 +1873618467542484819 +9870725146310077 +17416860949419749064 +672085941807878658 +263935036116185397 +15155437899791418214 +4917774994491315402 +5942135328794819490 +4692548874065224740 +15724358126852782695 +13907846462630617239 +15291089482440907711 +1873618446048497330 +245051954401 +1840738121830785629 +30176206501847782 +9870724661736558 +6349026413187508705 +2625321572202517881 +12120084196327706340 +6262673781165344867 +2928740603217526424 +13819044485155061 +15294191589786726750 +1144540847697310852 +1522366577184631890 +6881347154396136421 +13061371164344390102 +9870726169589415 +17372488073645144702 +15511138602086793 +11129193771543195892 +16320309976276422947 +6812788339241394089 +1996539665077072292 +7353451372449432523 +3229648972764834134 +30458222904100957 +816494382388946158 +7222331970380258941 +5152482613269515785 +10159392401199679258 +7929424722382385600 +2354096622141136799 +6979291808907198687 +1004761907965659899 +63440026 +5245848973037090413 +28766137385700753 +18411981927470333990 +13982868562968267156 +11130875047727013518 +6326017893707885992 +8690969664785376126 +1783065579255056149 +16881094854354025428 +11358358344107513206 +71173289 +468608355027 +4189674835569746602 +15838740426298123660 +17128487303121803 +1623790144856208776 +17385354358594481369 +7732551331406168758 +6482778696402483816 +13073654500703212426 +14690304989675342358 +5734824761360408358 +10159956468397445146 +7534510929476463438 +578946634 +9870726208255661 +11508394745027383333 +9870726212122289 +12974006819746363933 +6043037543708437386 +7140451655207289401 +1873618231093313375 +6649204666000755801 +90506439 +3405452480879357908 +566133513427696956 +1841584140945023301 +5725098270196000188 +13362760202069289972 +98239716 +9398797425561717791 +9870724723602624 +6097847756023542748 +847832260415146659 +7421688445623022923 +15290243342952455067 +14665063599393487 +29330140097680195 +13634697161079806235 +32714319733007236 +7352605297446749095 +1873618519131638350 +8926943740404585490 +15287141244205141606 +1145668896113116239 +1774358550929620647 +15292217487864895526 +13711909581953332035 +384951972763350639 +880547270030015727 +16798699451900971397 +11571768707434769594 +15282055699228796139 +1887022474723945178 +14585410861575638928 +1873618497637651226 +6811085217409085729 +10050354110762801274 +15292499547258958717 +6103488066881070947 +4900524407327827827 +15290807410150219618 +6023722319315090624 +12099535478267075074 +14554031644319297861 +2625039572996138498 +3944001801548279185 +1873618454645853150 +13945565613351058731 +15290525359354700866 +3867791655634362575 +10087306384122128297 +10757572321232110128 +7578758163354380550 +6473712386164548065 +2209547647594931253 +16799516451087472736 +1791852177081380122 +17365692549803942177 +16913966567458031863 +4716039948972735020 +15679547749024342380 +10000136790365002280 +15987018463982739394 +3832207697714364468 +14971929132800683699 +12347890125828476007 +1144540834800691649 +11968457278982935387 +644679259 +9550801365983181850 +9870728774186799 +10812503129128530772 +6364338479060430445 +9009022494401702289 +5246976935469266676 +828143404974500534 +152372515 +3010009923556564668 +520197517340 +1337484202857800093 +15892618421880444481 +12020808312486432048 +13005486289543189948 +11912360761286546193 +1371414905848474564 +8942580853430826150 +10906583445476543032 +82346342766483590 +1572796400506002445 +16880857162092796565 +830399609281002726 +6843808561223972092 +7246105464620253924 +14101047990764409 +5779476297359830654 +2945165107721163980 +5408600003519976355 +1945545886333558301 +530870814980331130 +2624475548789009436 +15858252145423245602 +9083528074243820101 +13516453065300717996 +2679637951 +15289961386737884752 +8261102338984846696 +10756726246229415442 +12757875013931258885 +12454143207178723189 +5779476232874036608 +13831923478662567588 +7626256666910811605 +9933890694532381448 +4491233093706277004 +584837489526188566 +15754944874062424585 +15292217539454058755 +1200046880285157167 +12272177195838351803 +8148390399974337754 +9870724820268303 +7761643699571157511 +1613275870368917332 +17951898403046309205 +13519566251951086169 +1873618549226808200 +3838791148952228543 +5148680802215160731 +532291916112268025 +10370417960631554345 +4051155539321377549 +10697899350700788931 +5335841636136544244 +17686830652820842089 +7333058067708650999 +5996988199661296981 +1706624839 +933515197985210163 +5405598728725859989 +1873618506235011255 +15292217474968265095 +1092700963858627603 +16870411548972836872 +11655702103329238168 +933797278873241015 +14672693143383258428 +6817582678275743189 +7291911964063055240 +6835555811876477697 +9055090582039434103 +9818927232125460323 +8578095579050963734 +8135278117562163735 +9483351736751297925 +15292499534362342282 +2388013311603665040 +14191466951143942150 +6940421857790289090 +2973669628754930334 +28202057290097143 +1873618441749212327 +15206769993710133412 +15341055891648374775 +9870724855067963 +15287141166822740763 +1789180284486836816 +15292499491370509930 +240752662829 +1585834870661386171 +922131805602142346 +237438347 +7942172172552528585 +6156738011238526497 +15574411472782781708 +13819040185854606 +396563964949045762 +5510538284996194641 +8818689480678384648 +7351759274033218447 +2625039848141689721 +5372831073987541891 +9948707386545294453 +9870726378387156 +4509708205616483548 +9821971278804768516 +507297021322 +6209987895408281197 +13916323858583016670 +3062110519275838672 +507300877635 +12127599223991119140 +14220833965521913010 +11441349876022982396 +5195983199717569968 +15500170349394151960 +12509049980725892523 +15425352553807503796 +936203879074374753 +3884265283043795315 +3919367422827579296 +15344331928744697770 +13269495773572065902 +677143756835082740 +5779476284463188545 +1360642680884123435 +28766090094592898 +6366353548844142795 +12306053747120808597 +6152225697206438675 +6274113245358682900 +2677443433752388116 +5112676103981310573 +6368045642961064918 +27356012379917413 +1685722535145181014 +16913787429901308554 +291571134 +15482838224616111771 +14383051496387455 +772613581792629612 +14202605824724062513 +8991012638537700811 +31022221316800788 +27638041681481537 +2159673587504537364 +18150947892572875184 +11570076609018542594 +10908286541515597152 +5995296092647745635 +2624757552294620521 +6050815110615226668 +8784323283773890907 +17990638739726996625 +9822511720162534996 +16881421151908154604 +15287141218411891348 +8603663293492645861 +5298292471613911387 +1314850518 +9324833269344776743 +15070875736396270580 +17218506732960042022 +4442788352416570236 +18323667541285735318 +12103760585755660899 +11447448449287874771 +2625039568696847033 +1873618450346547951 +17206111748366406294 +15290807384356955327 +6105318176154920925 +15086465342110128064 +2246696221146224321 +13240164578637013155 +6428369877210061739 +16771372229407696194 +12802594135359561400 +18413110001679335504 +5131291355496659550 +15141370283934619968 +10517531034610199214 +1845823343 +4179551994794953125 +1640646057150473411 +5356296971014965715 +16303678952904015697 +17938230234724784388 +6004915412369542806 +6364097396126801311 +9300257224644838546 +16903329689834499640 +14592595666132472684 +15895039187340976555 +15511121406154285 +2907036167260758719 +103179355165315395 +861073031813342546 +11092808190891527745 +828707510864793969 +17628048184874527650 +30458205708159220 +1776768899207748536 +12508782032563754628 +16151845835603726834 +1982143551242845407 +1148771106636063902 +17783567720317063838 +14101043691477348 +17742276506148688814 +5726226344404978537 +2146416213203698125 +17009624892007848268 +451412439749 +1576180554348061154 +10908004533710699825 +14853648843308031077 +18128267682609835223 +2624475544489717941 +3495413321014200461 +27356063969060241 +11984338399046034470 +18392867878323229954 +1508896043149319812 +3736855779376066341 +12786169222001350063 +8871893827936851323 +2442674926856315949 +27356042475106075 +3565993066884127123 +16436648502584676496 +7621298384226502474 +5995296144236888629 +6979573808113516773 +18412263926676652076 +9305145756033820116 +9609420679802334498 +15291935484359238130 +6366353492955695620 +329741218043814708 +10905737430660379524 +15521539403193336292 +7563081637033019523 +6166763183203698130 +1158133133511514615 +15541564850397917782 +14857096493510909106 +5248105074164044423 +2292565810626387729 +1873618501935704272 +6101796028652529705 +9426314278648045492 +6041909456601574739 +13260682755440323224 +1091290924836478733 +14424533014481868224 +12221091663414373371 +15248610667087229461 +8591167223970352327 +7140733654413607487 +15500086339882345132 +115810785595254294 +1385906966876415634 +18216462472613335899 +10221970843398334415 +7254147993173760586 +10372392109843225483 +2576363808540158922 +10757572347027997852 +9202545930662201115 +15290807392954297957 +441307967382696244 +1517290337825611241 +9870725056132445 +6663236911621806857 +13227285597803933958 +3647927653858682866 +13438424846118233160 +9870725059999071 +4800458776006628862 +9068531509278238916 +5783988521111665420 +3469826915326311262 +5516892801706430830 +13328025877317116446 +2716451012107581663 +15291089452348358778 +18106375593589289737 +7737418730439132423 +6972767454878184987 +7247233538829255438 +2886556384174222529 +2623347749725476660 +4197549521920348754 +15292781546465291435 +846986211208348807 +2446395308 +9870724575425505 +3595902834776287643 +9939360910722088685 +1895398083715157437 +10904891355657690058 +5831974351218220578 +18327605836941319924 +11185827869741496816 +5833854255738588155 +10264533437829362354 +503001581559 +5678022819635678962 +2612783635761216749 +5070156033137335104 +5353476867174765072 +6362646376346100904 +9056383152274754485 +8617040449022806103 +27356094064249954 +1148489064437866066 +1411918553412231119 +14819383329427895050 +460009788029 +10422182547935945710 +2440135173153504126 +103461380164897687 +12555384483651588274 +16476905347347190153 +6736044081455244279 +6470597267645819414 +9870724602491483 +3721851243619437713 +5728050182998343070 +6725186916720843891 +6366353544544853142 +7034233821587112316 +422517309556465121 +18423314355843966118 +6960923349447430692 +13288034279163567646 +6087616309246443484 +2908260051937333224 +2134311698689694346 +12071665527435578110 +6245273293474001090 +14383047197089196 +16268427231397307534 +7246387463826572010 +10429504229059409851 +14695260031721094500 +9870724625678129 +9873023131110170021 +18000874969471337383 +4334546295205081229 +4904801948068822084 +2624757547995325491 +18437616482560188726 +4195334 +15273604164533438645 +8061991 +5847102809459352987 +6204347623242078887 +9870724633424941 +11742286205020959265 +1135234542250047556 +11928638 +17781311662180680858 +4014568304163825866 +1873618489039065869 +937181441312640423 +14512071994580943457 +14308207063108377877 +10143656813373309300 +2908722406567731838 +14947114394870370 +15728759896146254913 +4308404763427228599 +7352887348242219961 +13512484172692724185 +1873618446047277676 +11989016433339551377 +11129919313518543987 +5831598103021247414 +5722409915131452329 +30176206500620669 +18411417903263121428 +988739282955820315 +15287705281310375121 +9870724660491356 +16136701123297043514 +16491624797135848078 +17219576355390296082 +1774512733593744790 +14477731067643038873 +1839046036311138516 +7463649505804564242 +539035127 +14530790741782000309 +5354604872598757473 +223556735629 +15292499474174584822 +28484120982204133 +12039042285074526345 +11738987982233683322 +9870724668210731 +42861679 +6364338513453673068 +546768414 +5835546371352188694 +14139999246989864597 +13819022989933197 +8156698152010079251 +7318691048206376682 +15846834187141327071 +2429880031182917416 +15658053239326534314 +1241710799806291171 +2484671181473781295 +8649229879590725433 +9870725183731134 +511598935548 +18250137403942924890 +11501073705457431139 +7139887631000076839 +15292781490576826963 +62194823 +3244265877950901968 +14107289561242165935 +10997765866085822896 +9441526972670218583 +8981039721073617084 +6936665252445696276 +11019740593729785511 +14101039392173608 +7352041273239536533 +15288269284022358685 +3527355901684307394 +18036023682941999204 +16874641730526447801 +631055877915629674 +29048123694203566 +447113154367 +16229996624980420533 +5183103457040544839 +10106891472917385806 +12580737018025682723 +13131763618881758874 +5567604641430063746 +9896616181508083215 +12162857263470885757 +7301047477300167553 +17183667254703836515 +959780012944284474 +1854737581649050874 +13861735479632947325 +5516046735301086261 +6756927452269012955 +14934625691113441818 +7728888387664095201 +2021521861582724271 +15290243385943027183 +6913372420397101499 +3358948051098355923 +9523554809025137087 +3249068390006197006 +6763975686177957941 +10164018653274588948 +14552740110971659477 +923613462875828982 +6103488109871633769 +9733674716123448091 +31304285008890022 +16886028145707392327 +560100214914823532 +1092418947456324260 +15291935458565962594 +17431203975445940996 +108594453 +9386257309954025787 +8648101753792500400 +1788898259486005236 +7364698481609486260 +7139041555997393411 +4409898123206685596 +5349649358596680387 +15663328293832243725 +6153071763610555770 +2777626705483686393 +2625321602296450221 +16524840699079570805 +15290807388655009497 +12748394282201795567 +6583596463113582615 +9413007474485433707 +7245541440413041362 +13744323260253016073 +10280579090808379299 +7450089126982398031 +9467143020924185017 +3401658344257578668 +1573642389527687607 +15291089448049066775 +4011069751666429100 +13729734811843194414 +3363347686781761414 +13072460983143919149 +15691697526685702934 +7194547644473672382 +5668141196331063858 +1522648593588306876 +4728670078173253395 +5183427648261268039 +32150347114945270 +11982867488766958532 +16011761122456966641 +4607713632915254706 +10409585135452887446 +6152225753093640700 +1623790174950156233 +18060636885296631206 +15150908633513417321 +985919114629824582 +3081390430307705487 +4844421939110428745 +32432333424700156 +17470703091213692580 +7087611701083902959 +13710641743571010144 +2508331031789728229 +18087544963265088150 +10862662106437851458 +16075171407991579 +3825368684874516898 +10557850242565042585 +13150190137466829501 +1029093624509176134 +5707546965160437129 +17865928047256223392 +5674203447686604247 +15118925171898136296 +1254988914461712688 +5299098844308982462 +4664582489863642643 +32996400622480259 +2118540506775118888 +30740204914488531 +8523001264174548737 +15290243373046394269 +10755598270899380617 +15292217517958849362 +14383042897792532 +9730290545085467243 +1576462553554379768 +2624757543696035628 +2529329257057896024 +935489342896432817 +17849763801575200010 +8328636978065707187 +5669269296333337160 +5458848655886211317 +15287141209813296689 +3661754374202683148 +5831598141713746800 +9870724846089507 +7300201453886636905 +13069424254661314980 +5408993951251721313 +1873618441747962017 +1728579408 +2228853753820309529 +17346604615511386675 +15290807375758372225 +15289115311733959543 +1736312664 +12362570276035969015 +12640696470018460836 +15654701398943032933 +10377197364816078747 +17945855683816794922 +9116328312170877972 +14840831597640627906 +219257442237 +1005889973576099329 +7002851749355538799 +11132577968375805943 +16426766960960540076 +2106141729923090871 +5194009097795683614 +6045857664744769837 +13819018690638948 +17376818440481363112 +9870725373195745 +17377223576551890927 +5774046330214625593 +9870725377062401 +2879332597155388200 +10660677160479318892 +15028685559993536823 +9870725380929052 +16105414762617984473 +5168538779687134691 +9199725758036923864 +4430163376001410652 +2528483182055202822 +9870725384795705 +1768765007373625147 +9350227582874428878 +6361518396716835499 +13891052450257444900 +11406774769981528263 +5886953915273594580 +10168266130999690997 +12826221819349918065 +16857290923428304030 +1837917940606917647 +9622294935236000072 +9992483954124287284 +7106947262726433027 +1626046314769702884 +9784150154114772801 +1576180545749461345 +15290243424635542199 +8238066788924738190 +5357143089008220959 +4279044038 +8544119418517538971 +282592677 +6877309693745253589 +9232147921011154314 +9233288855970072009 +7840461267741977389 +17937314701596961129 +16953477402172604759 +2529047257851498332 +9870726923581199 +2360543918672728769 +4557764151812825288 +6044741531890490119 +13851950469100497252 +793433411454660257 +15290243360149736427 +11407540588200595534 +497934079908655793 +12216752035925875313 +6461237536894510023 +132588445788164449 +7717191120555615877 +18102427402643392996 +13519566239053198757 +7162255028547449052 +1410790444811382816 +6048234162139500781 +805832293 +27920101074281158 +1836789879294488186 +7034515820793430402 +10956724774926814154 +11823326492945630827 +882239381344246916 +1873618493337120938 +145053302949630444 +10861816083024321581 +18166080023065484468 +12152601924635484903 +813565581 +6204347606046150766 +8309452077083610058 +7526907737779615864 +15327427559924910039 +817432235 +15290525376551981977 +1359514598076471278 +16281405738549593060 +2061938983703023847 +11029100936605750010 +3018542230307092180 +2625321597997157851 +16922140512298292736 +2592039302460042022 +8630800058614766602 +18026193457867997861 +7807458439837934205 +14830675783481322500 +9181810600696500824 +15680750867527450139 +15194513144169578629 +9465450922507976906 +5356297014005543301 +1884114785540515131 +6741512458587944749 +13207638922979919705 +7088020785212496847 +1007582046197861350 +4585539075103465223 +161798587300079877 +14265910390642661088 +13726068525522685218 +10534537747099102213 +5354604855402836206 +5464488983939599880 +7862072121565344349 +15292781537866694131 +1197790757661719980 +8937544163598016967 +2147544210029093023 +6573042730174135562 +4407364903255493027 +12848973762671484277 +215388418859675971 +16101444997614822609 +2104167529122197932 +6979009783906304211 +30458205706923947 +18411699902469439514 +18174909438187803042 +4196139435607082310 +15293063524176448566 +1146796961722356108 +2108115818947109673 +16874641777816331487 +18264369284370941758 +9743002498923376069 +13571622731730200913 +6050251095005360133 +386244926957115914 +5943738324090304811 +16577617590022188789 +11974910906087651447 +6928015987966935231 +931541156249824062 +2676879684690720360 +14107087915136329532 +7434303290952146673 +17782439714894534579 +13864301289782339487 +174343700774852954 +429917235294 +10590197142244706246 +7140169630206394925 +1873624795910719567 +2572415553107266174 +11725966036807151308 +1410790496400535008 +8977564960575134059 +14586538862699090833 +11912642751894270125 +987893190757201816 +9870726020167284 +9313711631703437246 +1574770455138167075 +8225358392072808683 +2605266760616185985 +6097847738826366902 +9870726527940324 +793559802510134446 +1732546186288721662 +1873618523432294009 +6474545484386361631 +8859398409387646423 +29330122900515230 +16429283220471815204 +11287131011864545356 +9870726039500411 +7871853587673405944 +15809921903326491400 +1786924097377611000 +17740842001525334929 +10766331021481433182 +15361003727878574325 +11875513367515317813 +13149062071855114240 +1873618480440500351 +5412367062201998336 +2574671692928008602 +8204095468854005891 +3672957698611031036 +10855928786112762849 +15287423213317735078 +3884829281456430869 +6927169912964251803 +10758665574621394613 +9096696820917623794 +9870725054887255 +17389570317006622347 +4360896125378321810 +5461950758932737826 +9870726058833537 +17092164746526861190 +9391897676699932149 +18252590646744736288 +1294244387081043880 +8881333644924829315 +16751454519855641485 +17296410893175637249 +18101581379229872423 +9870724566420037 +214958148139 +5832739136815455768 +5876985300140514456 +9870724570286393 +10766835278948551742 +15003786722837343230 +9870724574180310 +13819014391343982 +13361048879788722837 +7033669797379899754 +6093428138655376255 +8240010392079832247 +14113999535266355892 +11274326504304700259 +5910191034109938845 +2452883373 +10116412599675863145 +15292781524970072460 +9870724578046947 +5461104791407651898 +9753238143016835069 +7719325777356067360 +6487950977650946012 +17785259814435441839 +6314795724398268109 +13077428511576118068 +11950663969479278118 +7799373095277306274 +7245823439619359448 +481506375210 +16874641764919700835 +10862662132233736950 +2795970204732182279 +3238291700450481806 +9870725101286758 +2146416200305807009 +5471876976429522030 +2103039519398899622 +1884960856243914477 +7070680818924341999 +1059784666551826989 +9870724605113344 +9870724608979985 +15291935514453166400 +2052045723459538076 +14262516099855751171 +29330174489674356 +13292359389385480901 +1251604696132640300 +7852905038841139515 +6368045617166553694 +6455038313397838485 +16940444442725141021 +2248733617239043378 +10599796667465347269 +4297286032912180288 +10862220627729658625 +7032823722377216326 +13428924723387527217 +14304396158180348426 +2950131 +6209141837602893387 +6816788 +14478830953308499276 +10683437 +9870725136086451 +860990237396722278 +18197008888875925689 +29894241687463848 +13135711835622305779 +9870724636046404 +17893685359943244248 +15288833278135767534 +5198521321547510196 +9870725139953079 +17931569688178341357 +5132701450408634191 +15289115359023815021 +903809884198760368 +2135400849061259718 +3007978487467757379 +7397691566188876703 +8716400959763851314 +7139323606792864277 +2903370040006962139 +1873618798573999532 +10145345834749019381 +6209423854005142728 +9870724655379545 +2625321593697865684 +15290807380056437021 +12259619675260533866 +12869851401096098546 +5197393324720875036 +14095582753139470273 +5831598081526007841 +5941200129174748385 +14426789132806217910 +16355799367779829842 +1986666418823776317 +16862372109329386477 +13537015184977962 +987047124351871536 +9870724666979456 +15291089439450475149 +2002437706943181944 +6267888095869162572 +223559378744 +1197790796354242126 +5149529981778795275 +16636332186328898119 +1146232890225278159 +1068175354461234451 +2676315656185453798 +545523215 +5835546371350948037 +9870724674712721 +9178064822587365821 +14539682590822639424 +5212269942938872153 +12679191595953432225 +32432389311913494 +7300483453092954991 +9622122612430025557 +828425425676233325 +11129193728552741913 +2741377379264190629 +2708976476004038704 +6062336577243727349 +2561148857 +15289397310940256452 +72513270612256943 +5835546306865148550 +7194332268386590245 +2000487911911545073 +1012105271870309481 +5887104170002302912 +17447017228855569852 +8681213026300816616 +15288269284021116925 +9825337995373995464 +9126788102794799088 +32714405714147358 +1873618252584806752 +15396852522496058334 +1201738978701554016 +580322893 +4196139366822013367 +34124418943040776 +1890885821270996592 +989585271976321362 +5353476789791099898 +9870726209631918 +8681629277261085660 +31022247111443943 +8874567810005297696 +13332403892305619782 +9870724717245614 +11847668836417545649 +233127573203782818 +91882705 +15291935501556522168 +13940760354079115373 +1411918476028562189 +7516530610330084437 +2624757578089248271 +27638024484315867 +9870724724978894 +8256339902060774691 +4759048207614420256 +9386257352944601872 +103482618 +5918999274156338196 +8973743820060373488 +11911785394654826290 +1873618519133022344 +628865590885028224 +15287141244206534677 +9450798976826150093 +6050238139720879109 +7879092499898973074 +10694515140971663106 +7647579114300337834 +5248105048369552806 +7193983620266459820 +10639573055207386686 +9950019055828535846 +2692344368798195549 +1041425151515706537 +28202091682081195 +2625039594491484543 +1873618476141211394 +8053906304528296951 +17052639408429621132 +27920040886558833 +1779306978045861870 +18218154583927577937 +13237708552781955079 +2684476030834137221 +14224398204307795363 +8653997017376379094 +15290525359356079327 +10198717195139561894 +5622828606025261729 +15287423209018447999 +4215769150679506948 +15894193095142300999 +11399552128607744304 +15430743436301066142 +5880738612678822007 +6972429452752394512 +3141472507348276522 +210658855048 +1731136039788963980 +5195701174715493458 +15291089426553841478 +14947368045187809 +6151661664400651546 +16485429049836457847 +1746466903045257318 +6524633343773861660 +5991347944692402919 +6208295844281859452 +153748784 +3404560976776948177 +15288269335610290144 +3312649398294623331 +157615425 +294416195335097139 +15291371485947905691 +16874641803612205346 +13458674279737615408 +1043963299140158782 +5462796881225256345 +11398792770463145273 +12532441830052090769 +6205434751084601402 +15288269314116309372 +6429651162555183080 +1720270693428499511 +7193137545263776392 +1491033538627705963 +1585891583597423191 +6973128267158348817 +1795508866302886168 +5085143808375860162 +6306366688314267754 +12169115817464382111 +3259027566151937444 +434215260032 +294690573631233658 +10527536402680458225 +10355646851287436060 +282995442491213532 +5573268192801862890 +6154199812025104356 +8980873008553095023 +15293345523382771417 +196281713 +1413892608044380051 +6928297987173253317 +8521743544544944523 +5410392964579397924 +7617951678880702972 +1873618527730358793 +28202143271231951 +7032320227206441873 +13515324995391143363 +15292138696292915036 +1518418338949056358 +5352348780067826695 +13442938475988133562 +15849654381261969963 +5778348236048765109 +7893354151480669477 +17093856879335129768 +15293909590580552915 +109958699162103632 +15290525410945223103 +16675888760268286060 +15185626904467170028 +10223260478367338630 +1997667752184073410 +14513764105895174907 +7425311559839922713 +13979993538309941972 +15287423239113613878 +18301217040866807619 +1873618463244556343 +1575334505140022040 +17069215829953620499 +5458848634390974967 +5675796533980439299 +2359415891753522107 +5884848068874103704 +5139071900894897255 +10497202079288863902 +1604222041517217863 +29894172902374459 +4009970402599071642 +3531693765072872325 +15291089478142987752 +9147860258549471531 +1997667709192268356 +15287423196121817109 +15390154327944024168 +15218444595734067458 +2625321589398572838 +1413046597527497244 +234947969 +14951634866440833798 +5780604324279180074 +13749498212348802918 +6153353810106719017 +5516892784509268930 +12982659022915899257 +1996539682273107428 +9870726372030160 +7298791354676740915 +7446990745058560329 +15289397349632793159 +267514312376396504 +9870726375896785 +6206603737268306546 +11092237411069663456 +15287705212524047884 +6766829744481972556 +27016514402205811 +13957562954616998207 +9870725383550513 +15292781507774149424 +3534543727343112494 +258147739 +15289397306640965964 +14323674081407545810 +2522267832170517408 +11630837546755494449 +12349602882120019606 +12137706698326295296 +13410410909734818299 +7761375828471794871 +6208295788393419616 +5941482119783727360 +2616099190762852969 +17957750408840482394 +32432320526830938 +30740256502403613 +5779476262966741056 +7033951796586217840 +1873618248285510881 +4966825486733761635 +5987138895810614017 +7084316931154455250 +421318648101 +10159956442601695579 +285214127 +2983946824112226239 +15946833183140178394 +15290243403140311283 +1849351318087877501 +31022242812138464 +11997456070329201087 +1945545830446490953 +1200046888883867703 +18298960888149446295 +11074967956772513974 +5876226315842624359 +16600612505957046161 +14493959574212133583 +9236389134579425478 +3698312210412673627 +5249797172580479013 +15528861593223262207 +2624757573789959196 +14252852324458050299 +29330157293734558 +1783539973629499604 +7194608100424498187 +11847668810624276602 +6056233025889246251 +10946559189980500606 +10300063737849731560 +12065444175797711364 +3166103635620358791 +6367324841362000975 +648227025681215100 +14723542022432577028 +1873618514833708251 +2665864799369770223 +1682680408669906467 +4841824174435612153 +2189469973429055809 +812320388 +1251886738330775081 +12361766690509310534 +18154203277000777340 +17374562309260603414 +14701580385335130205 +5831598171807692879 +816187040 +3533594415734468362 +619616864826373462 +14337731624749976388 +5566476545724582058 +12595141854107538109 +8073943833384933414 +820053694 +10197025096723354474 +1873618471841915923 +5728764461935646596 +311384784962460751 +9409295226591130134 +451192258981599522 +16699033851728449632 +9870725953189474 +17608597374236057269 +1122152576032331770 +17618500289837358853 +12975428192621632794 +3618907721383964095 +6269101774808165012 +2206072426945343761 +3766287938926107234 +13819048784580131 +5880738608379542510 +6927451963759722669 +1581464476454431422 +15289115277342089191 +2371362618986213714 +14290466123268183822 +11767708186632801602 +6114892994815861703 +12221319909375954957 +17279977953043891147 +17952462371365198137 +1063774598040740198 +6206603745865658338 +16218721571350540354 +17988024594579796386 +14558912370271995488 +14507005124917810072 +15293063567167014269 +879419204419675937 +7139605605999182363 +9870726480295649 +5303893161848086432 +12386475528824246542 +13489474181814298399 +934361247192139485 +10759828478248904454 +6047549745963804743 +18209008298942679321 +14608322165703010213 +32150321320433193 +4553078764151066820 +2206727487867667430 +14101065186830885 +2789363538679106450 +5541699227146796196 +5168538745295285577 +1586876298849185584 +10210718089712004073 +14164087045804009214 +15291371438656804186 +15317767946604917055 +12419459226181968505 +11167448872936565833 +15652036179915460080 +31022294401306830 +13675269681075400654 +6104304253326538488 +15739206202722094975 +9982186832352131010 +5299098861506279496 +429915968222 +29330208882897178 +29048106497035738 +3383183387167705463 +10304645852458196326 +2103039510800330697 +7300765452299273077 +17628330201278143392 +37526264285632346 +15289961360942116178 +13041267227335340379 +4067675983485950742 +13122408247373412810 +13940760358377172545 +17291878089005947457 +27356020978641405 +14525018628252979177 +6235265633879353371 +2322483400137925107 +6926605888757039241 +15450328516402286313 +31304310803540576 +5921809431117051943 +3066137066939757334 +16061937549871423110 +32714324032451472 +7787493313992266844 +14665067898821365 +1836789909388406755 +15292217492164324581 +15291935441368783148 +10049924856077428857 +10105066009559985634 +7704716089291665503 +12598756429622288229 +9808823583215273093 +7033105773172687192 +16585285965675242176 +8271075308957084963 +2592192606712975061 +620798968570319423 +18163607758736271427 +14424532992985402178 +2625039577295560677 +10225919154718575226 +28202074486152963 +31586254121482301 +11250318056004007213 +5831598115919239694 +800235608040629554 +7579286955532686363 +8697392509581488479 +9870726057588351 +3329897576220474159 +9870726561494767 +8445260906325949719 +12107173747800485904 +986765107949560864 +8259742654006243667 +2835783133221827781 +9870724565201837 +14095300693745345127 +16736599118256956581 +7194265619472777906 +9870724569068484 +6153353805807436638 +15350120448097660125 +6269686111207181187 +5782296414096809551 +9835909453397771638 +3058726378330547618 +10046052103206805974 +13231662550575437204 +9525028417658891301 +7719447182992692921 +9223297463438161496 +16854801861929749420 +16876908876567293853 +16485733270290645723 +1574206439528280264 +6119257085165846887 +481505122803 +6098975787240927608 +29048158086189493 +4813834798410783907 +7210486241685480558 +7032259698170003764 +17938512259725745285 +8072815716184044678 +15291371425760159878 +27356072567784968 +31022281504666604 +15471768358264640159 +13516453069600153967 +1735366328820188505 +16936580133559290265 +931541121857972242 +5386207979076524268 +11288528377158119731 +9870725107774846 +1873618243986208574 +6981265902230634784 +18157949162008874652 +4684722623887011096 +17945290522297710728 +417019348272 +13327056763044456581 +1357540556341067958 +27638058877520802 +7244428084583338852 +5245848878456252560 +15292217543753485585 +14692072255160853631 +13453688972047963602 +4980727526481163154 +9420100824911398140 +7372527701866397699 +2624757569490669004 +3934896155511186311 +17414886868993188345 +15292217500761661585 +3008657884777496373 +8001430470098103451 +3289946664811041103 +15288833321126354509 +18093345093699203783 +1884960770262907665 +15287141235607937277 +9870724634801209 +6098129755230067743 +4574167560718540795 +11235855143633243511 +16676907976779845471 +10648946949805656873 +10315193625862813232 +16978039413016712722 +3878613910076611797 +5992475997406251127 +10785955983509166361 +14433457477706017652 +283574504688200133 +7941288312863335404 +7299919428885742429 +15640168430212822476 +1785514049756873746 +11712144679816673927 +796273196117071383 +10912234784050782701 +11626061267575709936 +15289115337528588442 +10773378550019942440 +9870724654134350 +8474708894183613093 +1884114802737819556 +2057875046416338717 +6925759865343508593 +245052086117 +17357265447970292917 +17792674612993275571 +5835256735436791622 +5357989073729442331 +15287423178925875245 +1536624413 +2625321572202648984 +15610464942188539116 +9870724661867632 +99231104030432435 +2975658901174625011 +15763708237742430198 +12039042285075919030 +416346978214687277 +5356296988211044117 +13819044485282832 +2147544248720385405 +5197393303225646905 +15294191589786855615 +40371294 +10394544377110607702 +544278017 +7562235613620868635 +548144678 +693733783114044376 +14882162462681150396 +17206681374707765433 +4674314144236910124 +4921480752668419075 +811970500388809202 +5133265453119379560 +555877932 +6616724738935120063 +4094847790544664345 +12057284352529140498 +4813046607040035108 +7086919711643599307 +6155327894831460379 +13503845743733794663 +8975785994331305539 +8805896130373762358 +468608495723 +6314795690006432021 +16408909217851576368 +71304363 +4715193929858632973 +27638110466672613 +18323280603412001452 +7299073353883059001 +5347531447742447288 +32432303330888019 +9181763921242373553 +15287987211730368873 +8734911291959945660 +8185733170122812948 +34406448243358863 +1258091056199517405 +9399925452480997530 +8005428069413246655 +10229733804179524838 +9870724716000416 +10443830452258754972 +9076188914171585258 +5567604619933598978 +18105608778974250783 +17791471938283200892 +13079455229790660194 +17619294726059352300 +398329050703599495 +2431279132085931340 +2086674669879181274 +98370790 +9870724723733697 +27920126868928164 +2676033360337134674 +14665063599531281 +5141736951422062068 +5686137334704577013 +15290243342952572966 +1825711576300654246 +5249797155384544149 +32714319733140328 +1679296233332624712 +1873618519131766550 +528050650953761911 +6097847713031850615 +15290807453142179072 +13421658540802141426 +5848025033160740521 +14931660597672487739 +1682680391473965813 +15290807410150368174 +11796710131367092040 +5671243411151990390 +8231778572019507687 +9305464313463517979 +2625039572996269084 +9194029999668671954 +4020063595197763571 +4673918491003940956 +16965951797418331519 +9870724758533346 +5516892818902507786 +6593959610733503510 +13555232407343617416 +5782296452789312511 +18005850164249189898 +8031770806727110774 +7192573521056563830 +15065485224116566616 +14832684879553852005 +1306283359721428494 +13702113181256920782 +13975448000602715051 +11505327415511048861 +6362646458027963149 +17577217573156435408 +9442785336940063058 +644810332 +5893456428412249996 +2848264804414726514 +10971700108384147519 +18108263961901344099 +9411879477660177860 +3503689018008802686 +152503589 +11723458350825627186 +16360064261253045129 +4522983015860210846 +5835546336959098225 +17227551313365508707 +2481036767169564562 +15793133509306411 +6879170609542490242 +336639206865309680 +12370327100086626806 +3582979331527563827 +7353733367356654544 +5423641518300091571 +14101047990902606 +32150304124509081 +15293063506979280295 +9870724793332981 +14561759081156599648 +2000487899013647990 +1201739008795502611 +1221335371036829575 +2624475548789140475 +3452050468582222438 +455711868910 +11752945235704179160 +12303655060422873402 +14999347619306893319 +1730290007776836366 +16255450210874697668 +7242735986167124917 +931541117558679396 +5948794375045855470 +1336269162631814465 +11791289438853537784 +11498027848715870901 +5801361178389723883 +17327501990412644346 +4160843276758430656 +14383064393150266 +14925834994211833814 +7872981588796838040 +5385089937729350317 +15289961343746190777 +9821125259690653591 +5245848874156961065 +102051298152290631 +16907996377422320263 +9870724820399376 +1518136331144094968 +10710209930604466917 +12448664064563047092 +2624757565191375512 +12431659849778810216 +4548309582615691454 +15288833316827066772 +9823071880509083684 +5458807696621841176 +14295234308424287175 +10166171770991094434 +8883657793294524946 +15885176260770017277 +15412359869797111792 +1096085143494089477 +3137288237381257938 +16882226380627137722 +8598210553860005139 +1873618463243311971 +1150013996534805629 +85348920764667293 +5248105013977698547 +3629296517428307345 +1732546104605762517 +1729955666 +7089264523636127137 +1873618441749340496 +240752793847 +7979014859286666522 +17089062600489904187 +15292499491370637696 +5884848047378860155 +17382811654317368607 +1043681321430378616 +13819040185993037 +17204989276291535796 +4676558653293213585 +296262548690657571 +15718229139452929116 +13769985909662624903 +3539164965556153690 +2623911490188693676 +967221069681212263 +9870726378518229 +11380495470737893039 +11231612236763042235 +9096229466658723123 +2849956885635025222 +507301027992 +6591652942651792747 +5740521841471548686 +689774581647501576 +9870725890078289 +5461104731218646609 +7813606462904494920 +15288269301218421120 +18302063029887330527 +3298420552527603751 +15118667592044649082 +6313103621682701521 +9673023095609181795 +16473811014429005591 +5245848925746127435 +1256398957783307406 +16842861853167067705 +9678450631152967917 +5144036663261073458 +16880857106204482493 +821235676275956647 +15839816073792874777 +1534553945562302461 +27356012380034853 +11453734735851959306 +31022221316934196 +2108397805255551040 +6156456046425560416 +16857332490755264001 +3969295736342006053 +1764253805009662661 +15291935475762018746 +691477690583163748 +3194916317052427351 +2786543353157203865 +1873618514832460255 +17996165771162441606 +10458762454155091582 +9297719077020524975 +1873618493338507720 +1533425875651333005 +16910582448009327347 +814941851 +818808501 +5831598150312482569 +2243411901919870590 +2918992974646548221 +14795036413642345937 +7137202551526747274 +9147082425503342715 +13674659639697223995 +1873618450346675728 +6206453538425544876 +5885976061401368907 +2625039568696978208 +18186215503936110660 +3216310690166285201 +7088047785852600821 +9465450922509358240 +1573642406723733933 +5881866613803453485 +9427840011978686180 +17343946872044874091 +12990014909322050755 +17712533555446622792 +15275860588097266748 +5568582435113410756 +5195419141117265281 +5624772853784390822 +3003004122219833524 +13957376916945775244 +2328755418060627175 +2843337439187722884 +15289397336734909371 +33560377539911319 +6926041864549826679 +30458205708311310 +5885261859847867929 +11202456151687630231 +1738375436161147399 +12083278685454866723 +7571152303947213790 +14130439219841809618 +14269577460254784132 +14101043691606541 +13885685190531757929 +7871408416806293499 +14313388855583264063 +2522267797778667319 +2601600586073992380 +1201739004496200188 +16099379342465255783 +5150516383306173631 +17091318705916151868 +656973675340125448 +12299112098695824099 +451412578692 +2624475544489847605 +29330208881662488 +5782830601337191989 +2341393804929298327 +14265336182199486964 +8046854805629641412 +5172487013624983646 +18283577878854455783 +12648272961983368018 +3580814869236945065 +15291935527351178870 +7087201710849917393 +15812753403582837206 +2151088368899408644 +13081897811169140240 +15288551304724050526 +6209141871994875857 +10454316937470028876 +2236321161226774702 +4856234466303485287 +1873618544927654779 +9500100639957455919 +15293909629271818219 +4074212617886460455 +6043037483520839015 +6151097687483293073 +102051250861185514 +16434110397951002600 +7193701595265565344 +1873618501935831455 +18159864630190434335 +9429532903146078924 +6100103891543934960 +15292499551557151206 +6020728396863594233 +11394591756349157041 +14219872676477210012 +5109952608322936580 +455853151859513523 +845012130781799944 +11906000439075812935 +6949933240597836067 +13572413676971634303 +17143196299881427818 +2158545577781383942 +12121182403200368964 +9870725052396874 +5258027276811446544 +15290807392954427376 +7029736316216042611 +9722527200174754976 +10757572304036304049 +236453501174 +1995983910444996794 +17106594781879035192 +33560429129050038 +15291089452348490550 +16567583007047439586 +14642008192357651755 +2675797793070456605 +15505670362359532050 +12914077461652124087 +13766575418632722210 +5783988478119988681 +8507715533846353312 +17245750799710423869 +14264772166590879200 +6136932998238969117 +6980701878023422222 +12753199588762470433 +1870291157349243485 +630191086828544941 +17627766185668262150 +18413391996586557525 +15347737330245915660 +16106595315836918553 +17575525470442103245 +18381188604507416053 +2524528695444850315 +1001775587800345559 +15745933174792335770 +10963670558428910860 +17651274525270635061 +503001735063 +5833854255738728021 +7192855520262881916 +17691343464115563722 +12266760703957145221 +12004437043652013392 +499479982088482217 +4975041129375143582 +10111491154734439774 +4537131845709490081 +460009915694 +303886330487976214 +4732726661406204891 +11340219378265033056 +13658843412666391335 +11193857334526482187 +878291173201179100 +6658118310651258573 +8910110154531694478 +1781574188572489967 +2011949215506762619 +7299355404678529867 +8299267801830735185 +9226789570667638208 +14407778410492546211 +16666629307844418022 +4653849442198963915 +15290243377345805861 +7765640443113514282 +13008029367849010820 +16954752487389141424 +13733412026998943591 +3680303762217118225 +15289961326550267284 +4641275353467399956 +15232722856302622024 +14860172859809149326 +1518418364743707276 +14383047197223291 +2949113337358463548 +10409465511298014337 +16979167461432442721 +17191616767536098668 +9870724625822754 +5463642917535614941 +17069211613896188405 +10878955617237472068 +7561389530019612896 +1092418960353090518 +2624757547995456262 +10707291011112327796 +16543161086522502266 +8193065 +15287141235606689048 +16873513703608634297 +17706351504289447453 +9870724633541562 +5347675226580983838 +15610783897974420472 +7406761759861256019 +5511666307614985998 +1873618489039199694 +12479923255123448864 +38835430638301095 +1464040419261489545 +18166079997269726386 +3490530964383296863 +5140326865108822859 +6379330619301388182 +4295737825745517883 +2464914675083708888 +15290807401551771119 +16267405032391596958 +11662991811784164517 +5808170534249969773 +7086355687436386745 +13610909435744172090 +16061104127948897196 +1413046623322134779 +9035266097591446279 +8854886168440080381 +15287141171120906732 +1873618446047403162 +2625039564397685598 +5862342343483935883 +17455868238103916555 +9870727160821547 +3333630059011856112 +9870724660622430 +8882845388820582143 +39126105 +1539245858 +3005355743189616183 +3076236680870117754 +28484120982342195 +5884848030182946254 +9870724668355724 +7298509329675846439 +15289397375427421924 +42992752 +1543112483 +17917411801369626593 +10913804840997838652 +15287705238318697885 +5281980738344153319 +13819022990065901 +546899488 +1401410983910722346 +9870724676088980 +16499980877748905663 +2308422057123009326 +2907319229924012146 +7247515533736477459 +14584282791664749953 +9672123823199435517 +9870725183862207 +5727273437520538373 +511599052809 +15287987297712762559 +15293063541372511132 +9563139044454776025 +12496230539818707753 +30458201409012955 +15292781490576963108 +62325897 +5213027855012616252 +13860120041666006450 +15594797272825219440 +5250643165900199394 +6337342946991349787 +4489783865834694442 +17783567716017906431 +14101039392313530 +7406197765746599681 +14323396186667511917 +32432303329646965 +29048123694337816 +7354015418152125410 +2624475540190553190 +11231170297014398614 +447113272722 +12499150962668686058 +7791525081614201879 +7085509612433703317 +6154199846417077062 +5046395256634742560 +14778492616152997762 +2034209115294482253 +12369348434015892694 +2131214311901511895 +4796324079630690381 +16881139139804084620 +16880857089008561243 +5516381136337189518 +10007938695021417056 +11707740264368708676 +3633318251436977968 +9393060547051672417 +13468120611617596271 +5995296139937713612 +9991882262282462548 +1362616838693283795 +1779024983138978772 +13730298762966163445 +6604811737535946648 +9870724722488506 +9627981336640185936 +10376351324205303659 +15290525445337213451 +7192009496849351268 +9230455796800362258 +16121927194312981507 +104858890 +5513226622863691592 +7193198048504455987 +7588042873039185299 +5566476571519223942 +2782368556671330352 +13766378452168960939 +5793634336567611876 +17283531675898624463 +15292217466369811603 +1873618497636557535 +7141015700909982288 +4568920266596168500 +18046194195403127565 +2802801844172628896 +1895116084507729462 +6101795981361547751 +15229109302086914 +17781311606292353095 +11091955386067607674 +16870411475888587246 +11615458675145708893 +18153204036691772226 +9108333459130049938 +7353169343149441982 +9870724757288158 +6206321690772244459 +15292499482772056473 +17944163581102665505 +12014771125630345953 +6375092980139239022 +987047132950589969 +9339504757676797391 +14808495226400950321 +1916252573728324930 +6119741675792636303 +16262666550068063012 +15685038007044305188 +9870726269007540 +13366180180094502902 +787559629852784021 +5623392673224403877 +13244896955905353501 +12826571567483983416 +8261835725067338805 +7883991333603001937 +4859408499100434953 +5345419168444603396 +15287705225422055089 +2635993685957433749 +155125053 +14191903130603296041 +6206603707174493579 +303200417326180811 +15292781499174307508 +498702419920 +32150304123285499 +28766124487944298 +6205434751085981084 +2624193540984172150 +7730649748351184473 +4908932779541600283 +5623674689626655888 +18157608516165590899 +11621189233770303060 +9870724799821054 +11331431558187003476 +15288458206618594304 +828707450677189502 +6205069665626697592 +2835998111019581061 +5198239343835298696 +17619527108083517905 +17615560726830735633 +8922919625642751651 +16874702537456225796 +17304882408674390332 +16707599021772399746 +6380959902088641861 +16038494049632259182 +1416293088687839553 +7188036157125574720 +6926323863756144765 +2339592797069064790 +10863226173635768950 +10491886701037104030 +3383183348476570027 +6313103548598342361 +7246669510322946811 +1873618549225712914 +14383042897924021 +14233803619080030671 +197657975 +7276444594547990117 +15782158779298289020 +2624757543696163481 +2842895443551784429 +982297290675328495 +17760632509877998585 +7787509824606654162 +15965980033127356582 +933515197984105795 +12931142192505313917 +15541758641581539563 +7722174334322828737 +9106532716476517463 +14647867937879430121 +17781311657881523605 +11079046024812126544 +5677488692584515610 +1873618484739921030 +9870724846220581 +5354604932785383025 +11330369207596701357 +7237963623580390239 +1133620917580467623 +1873618441748093463 +14427726838325063799 +11980175439545978705 +17941158134117856046 +10668984860718407081 +6374254328350532906 +8342619791447244277 +9183609363595210176 +2631305834116835556 +2520707475493367971 +219257573509 +10913522755810504699 +17685097326481139865 +6940253590455860911 +10786597878172761701 +454753775530945229 +13819018690770618 +9870725373326818 +16389071709237225749 +14206340269106670909 +18411800108726837553 +3055188874828712840 +16073122470972829116 +13597373566494532577 +7675110305344067925 +5453780099371386035 +16254308020470768479 +9870725377193474 +10556309309024581927 +28766176077091289 +5996142146155323536 +9870725381060125 +17892452776038969262 +9870726381139671 +12865485395353360524 +15287705212525438162 +5250643204592725978 +3599324741218667794 +9870726388872923 +2207492642904017263 +2807316339059477967 +12805148733676215666 +11977104894337367623 +7822735708193298518 +16780170146917326510 +13735950114436817869 +7352323319735911334 +14264783237298013753 +7595953279436986166 +8901578402287862460 +10159442889421511267 +3092190201103793472 +4279175112 +8477811147697120855 +6980983877229740308 +439584340623254602 +9218778931772201395 +9536696265469022272 +6313103600187489271 +18413673995792875611 +15287987228927659999 +15925946803693424298 +4960208600480556191 +16208047182051814358 +6157301992455423380 +282723751 +1847659202474480046 +5509410202188648025 +3686437022462642397 +5570988816766211064 +6097847794714952102 +2704320663850339227 +6511526238378275817 +13727996608218222964 +4838981879200509620 +6053028419489656267 +15524263781940137526 +4827035056158557762 +7938745925635888615 +15288833346920995138 +5058464965140771235 +16801251341757859708 +12909565160516631067 +17730076016406646640 +15291935475760763144 +6311975551774361752 +2524806001290316342 +13031916015265340762 +883931539947069270 +6211116008308753742 +17117595085339303854 +7087483761645388259 +1873618536329065248 +9338110272346349345 +805963367 +6151097678884705256 +12611037637091988578 +27920101074412858 +6097847730229176042 +18371639724269573276 +4477183586178255176 +1003633820858869554 +6079047173567163171 +9870725939099229 +17462940091740212269 +1873618493337243720 +813696655 +12221373705611451799 +10704030219077566456 +2388013341697730438 +3875511764039656272 +817563308 +16396392956868845370 +17621268802185464945 +1754516873519393781 +4415158918712488000 +16872103630191991721 +14926165161459650490 +15290525376552119400 +10914208954757900945 +3338719511592135331 +12411268721178536624 +2625321597997288756 +15290807384355844488 +5471618925383926178 +7465899552900996648 +7397691527496478637 +15294191615581516106 +4128778066778595061 +804039605316228215 +11741612511968187021 +6153353818705443996 +7988310113853327291 +16534817646768379151 +13517299071517211792 +13513914891881875965 +5512098557251946656 +9199443758830668349 +1731418116379058287 +1467988627404702934 +2558626521587867940 +2147544210029227335 +12217235256243064457 +8455366527925178886 +15291089400758100147 +9619947050333453610 +10372036704073636537 +14571562060511909695 +1572232307513843060 +7086637686642704831 +934361247193526783 +12524334287879490893 +6584302816815090702 +7941786779679006650 +494403148137 +2202768282103260965 +14839617598515407482 +11251231278828767872 +2562857395266064983 +30740265101124183 +936908871539055054 +6032423098437345866 +15287987237525007914 +17955470565775510984 +16506080346347743382 +5940354101463306391 +15089863198376018864 +7852905094729715185 +12318929752413839212 +7377660924429166354 +6779138548877442196 +5569296709752664397 +15421731514577598453 +5299098840009811578 +14295903598136877032 +16881139122608152272 +13944144538013873603 +6151097730473877865 +13516735047310052126 +1873618544926398992 +9692124098164367064 +8857706315270875980 +18200912098503827093 +17990964592601681947 +2624757539396871627 +16872103681781158562 +3652070829616480012 +6493133948225859324 +6331026113891225139 +9005074264764869567 +5352348775769916286 +7303449673501138479 +1083960774566888958 +3671173590192572260 +15350594853131537656 +2571784726158399820 +6101796007157446605 +2109936527316572997 +6980137853816209660 +5707981891830967240 +1873618480440612278 +18412827972379344963 +5354604928486099216 +8507715619828735150 +879419277504168750 +7192291496055669354 +9870726058964611 +6153071746414747689 +10149141700878167212 +8599440168485008928 +9221885810061176963 +18425890913426347969 +4379417499401732680 +14010751333566006854 +9870724566551061 +214958279031 +3489492654997254635 +7141297700116300374 +8642974666848424664 +9870724570417203 +15289397366828842359 +16311155481387553360 +13819014391476040 +1996547999139367752 +17846664389777101282 +6208295848581274450 +1905200778358570853 +14607325535293226939 +16320309946182739013 +4630504023418151101 +494159375524774761 +1696391410189493918 +207215350385547032 +15464046373880873760 +15511108508391632 +7570985824906513159 +7401639761432943634 +2950001785237819212 +1885806823769141227 +9592459637008580971 +8445260820343703338 +16315146954143063474 +7516607870825793730 +3594826737063038497 +315050925112969260 +15289397302343047582 +97657756776028676 +481506518605 +27356094063131764 +7403693845200445637 +6979291778813526232 +32150286927343276 +5245848942943410995 +10331634811009779754 +17298949083792036942 +5462796842532881910 +18411981897376661535 +11769801357615514407 +9870725101417831 +18441542378572182329 +12076011538210559789 +13177769289477603868 +5671848377426519086 +30740252204482463 +4679476691255440809 +763691780069944318 +8486084864959800168 +5569296718349996227 +438514690690 +10173515246672616438 +14646490796529699433 +9451201269122101163 +9870725109151112 +1465168459078700632 +3009785933191985097 +5885543833259752787 +5194855147004049441 +9112408582863789992 +6261827792145091100 +17157280723945799702 +17150040092702491554 +2781470259931788244 +7053081520504379114 +14828871009175423266 +12648554978387048879 +15290243377344551400 +5622264594716051582 +14835085571082555460 +11498071362476911238 +15858116883009441126 +882239441530857512 +7085791663229174183 +12665415608367389467 +5352348827359054196 +9444197008647265239 +14148602877601471939 +7200898066013776217 +1873618532029766255 +995750785910265061 +7695726709112192844 +3081205 +13944415416121167301 +1491560754794279272 +7034797867289805203 +968618140133124499 +10280015058003956247 +6947862 +2326422845866790003 +1192315333980327001 +16706843991765104056 +9460680749727830239 +15292499581651081790 +5022854245794334366 +933515180788172966 +10814511 +6447496643360079456 +9004852395341597654 +17077757103034277577 +1873618489037967730 +13510929043443359288 +1092700946661587996 +15292217457771232712 +15288833278135912166 +15287141214111479546 +338513833735101543 +6156455977639241035 +5808346981246590779 +5754917510345274322 +2375065621518179469 +1873618467543980180 +7246951509529264897 +9870726147896991 +7040689090636689611 +9821766011289417465 +8681369105557632712 +28484163972897198 +1041707150722210323 +2365498129463188044 +2095607110066199040 +9870724655510618 +5944302301006475208 +2625321593697996686 +1139622044438576541 +13534666698246611446 +3167709047998131115 +10378889506222979116 +537921001 +15328620197620903756 +12538144815240128289 +15289115294538166722 +6047549806151682732 +828143439366610532 +8898527545369704571 +5093209217354639096 +11567256427794818600 +9870724667110530 +987047124351987116 +1368965173581922664 +28484099487118083 +545654289 +9534788295078401941 +45614200 +13913275829828992614 +2290569701109022484 +3260260216671256678 +10156853965084756303 +2707637655416952524 +7513097048729865926 +15289397353932204527 +17863674033092632694 +413763726066545523 +7421457429828542649 +8537256878047896352 +5462796894122029255 +3481693870735430809 +15257142807793776102 +5746409865259278040 +1102836675776172634 +16685069423980191887 +1561200426 +5197675268038942739 +12462325618876574746 +490103848120 +8634458684264365973 +3158171969379765157 +828707485070418761 +9870725194216896 +3999491556140986397 +4561962166721268964 +2008324218353228762 +15293345579271345899 +34124418943176640 +15943731058599815481 +1873618252584938662 +5353476789791232574 +7140451676702769726 +15287987211731740691 +3720158282630972733 +9615343272732857451 +425618067092 +8910392170935355679 +881957369240187596 +15784330828301818201 +6623379183202363094 +3275515734983456789 +15291935501556668382 +32996392024042624 +16860434645389679001 +1357832397609392639 +14665085094871923 +10139438201185111788 +3584013211340658323 +1334707079751930229 +7352605318942229420 +16711006881204344067 +11704575149127332765 +9981815882220007138 +9870724725109967 +27638024484447577 +2372569397844255469 +103613692 +2931000267850396859 +6436612627583878747 +4154062299902865224 +986483108743372515 +1873618519133133164 +15173190517968431066 +2749379654336266707 +8095744058472820314 +6503203029796458636 +5728764487729037787 +15290807431645701991 +14457806711540493709 +2625039594491615627 +1873618476141318062 +13962979271623785281 +17462940074544288921 +6817582648182053066 +13822303497870464426 +10700535707996342737 +2849674903624771365 +17600442256884848769 +7197578335120273029 +2990354750709063442 +5788558028420828229 +15292499504268657177 +9715519715632306718 +6993947170709595444 +11523323135897785215 +7696539488583693410 +848678344016672241 +16264927447734165880 +210658986196 +15861066529396107198 +2332858860486222866 +14801512750649720454 +13819010092173795 +2363364129989404095 +153879857 +6284197438711230437 +6208295844281991309 +6860868852447995082 +5512098540056037520 +15851194491678169133 +31243219716159178 +12050109233578647327 +11183009616132063611 +1454412279531855603 +10325967164613337522 +5890488379732935024 +16273447528372711619 +477207209552 +5259661516572013648 +15291371442956214171 +2791055637095467856 +17088205480574656636 +1360360664480702080 +12225574620834962895 +14643390096582848470 +1211499472176433182 +13768831554152898127 +4097002672420505140 +4365240356366345966 +827297415953070481 +1626046306171250851 +7144510393883312671 +2691365739792453435 +1419747374885133605 +30740204913366993 +15288551330518688776 +18056758355458723202 +17624265259507127198 +574051279841470831 +17881795351005317028 +10744889200825601940 +4149668843845129538 +32714349825841418 +8481290603310484203 +6368045612867395663 +196412786 +17160166614835088376 +700755884230 +5410392964579537982 +8664755185414837843 +1618048457524008065 +6770804041312782963 +1873618527730472129 +5885976138785184600 +5304739206755723164 +10167863886603357875 +3017170401495030594 +3965453611361855772 +6375653898722412963 +7245259411113050821 +15292499555857808377 +2108679834555796687 +9697782034300612595 +9180319043391261258 +9870726345094858 +15290807418749075179 +8381221261987290436 +5992475971610495953 +9870724848842030 +5315648421643709214 +5246977008553902291 +2625321589398703790 +1467424551608335810 +14027755776169895775 +16848105630658613198 +5492108395234016091 +6101795946969713693 +5512098591645198234 +1522648623682375830 +17486135465507508713 +15287705255515992962 +3668163402567412316 +16976911390398168779 +5517220880466527887 +953645941585617320 +18413109971585663049 +6980419853022527746 +9870726376027858 +4197341102689691102 +1183641060959079981 +1038604983189859315 +9870725375948280 +5983691128602448835 +17954262002415201960 +1628866448703965161 +17465760333151942103 +9870725383681587 +4916851323092804668 +1784676356106227918 +8326488984410732043 +7315825991476928884 +5679882735784102776 +3452050498674904779 +1575898537944633078 +5693180783976143568 +4654977494912737571 +32432320526956470 +5192881006389627415 +10164197699163144546 +27638084670918520 +30740235008552085 +2606617908549080678 +1873618248285638137 +6313103578692265681 +14044077120902337225 +421318771835 +15290243403140455615 +285345200 +8217475251387769065 +17091318675822375039 +17946608694533885853 +8477529075406363752 +13963210206037041390 +12881851757641419011 +10093801186435163270 +2624757573790088454 +29330157293872732 +5572809636518235014 +16572875086188982375 +15580423463670796840 +5878200460755211149 +31304302206344209 +1635660363048898170 +8771384587603175234 +15291935454265566155 +14108728405997534063 +2375344146902424216 +2574671748815342959 +16357059045845961537 +15290525419542683658 +1682680408670023911 +1308624588 +9574821109815792297 +14481165621045244910 +12736880509618375215 +3232458045602340341 +16095291319491517764 +2719347730017304343 +1312491219 +1880166538706292734 +812451462 +2344650909498760077 +816318114 +1730854092171866446 +820184768 +2625039590192323421 +5409103959576811975 +1873618471842025424 +15287141196915552470 +7086073662435492269 +5246977017151234103 +13410742767630947929 +4954996470008200552 +11212924885651437835 +12120495559683883252 +12192372740841489150 +7179138111753108806 +15292781580857399677 +6368891653478311009 +17284165344327054733 +8879858573939446939 +15711638341870511759 +15289115277342224803 +102615266471185595 +12057002297434514360 +7247233508735582983 +2151210492049175649 +15595862136028537564 +2528483212149269367 +17956915698262953818 +315050959506197133 +15041066182058449417 +5464488962444504762 +7014174784590994814 +12269921124804136549 +12538866302731362209 +9729444457185022903 +1146796983219084799 +9870726984333075 +7730859263082784452 +15289679344540006706 +2572415639089800237 +7107056472984350362 +5252617336607294901 +8840823347568123086 +14101065186961737 +15289397293744480787 +848960356119635095 +9894737813480885853 +7099572391504727171 +18432990119880120151 +5345413081680732992 +27356085464548250 +130269940204124527 +11231170322809037556 +472907935009 +16577617590021068620 +5303893075864602273 +11319615737161865653 +1784958381105832108 +9164999891234408560 +429916100351 +2621960197726354447 +18412263948172132401 +948019863933692493 +18306137256393927354 +14258567801432380221 +6979573829608997098 +9786693399294579407 +2021803895181227948 +12270002014675477093 +8571826506993716065 +17335214638657647063 +31304310803669717 +8279029446643571677 +5832726134239993618 +5081540983697005204 +7111971448967937343 +13455211355597322620 +18029523497279431586 +15169360783856786455 +1873618523431177919 +12923090951297776713 +734638279455874636 +9149649826071522392 +2375980338408593312 +10981511187954474869 +1714117073097154076 +15291935441368933443 +15290807457441608413 +1584155116203032541 +230045241759915008 +6360390301012675830 +5723537903358382534 +7140733675909087812 +9612968081410774703 +8150830429996001520 +5357989129618016230 +9352943157693274323 +11824914510820756143 +11867544312546280747 +15862817677379702816 +14311736903207232590 +5951403195973181057 +3169119117114234736 +14947084301192347 +1873618458945390773 +11230324247806368955 +16385520563032962260 +617111751978134127 +12171433882329507697 +7352887318148547506 +9735614383619787099 +1531754272364055817 +1587560748646297180 +17885450446378508188 +684134257893510341 +9388513497063498645 +17013423603597332073 +13154624256008000883 +15377963507662672475 +15044168332394903079 +5458848587099998387 +6768765572031804023 +2785415300443495771 +6928358494714596981 +16321209561971495642 +15292781567960770594 +5961646480599500073 +7908136693532398089 +9390205591180421003 +10530167746413139041 +18411417873169448973 +9870724565332911 +8025650434097164434 +6471725307461908459 +15077663958368327270 +10788853316520461068 +9870724569199558 +7696539471387781816 +7107056524573498521 +15289679396129164624 +13555232347157252120 +8925364450174790669 +6927733958666944690 +15512884641524686603 +1735084312418086837 +4890558848511061886 +28766150282605251 +1459422983 +15292781503474978553 +9870724584666089 +2120987217453058359 +4496794805165715492 +1574206439528411204 +18178458048974643666 +481505254705 +15555403619471411202 +17786951908551234943 +1945545890633113992 +3599324715424174356 +14584230921965028969 +9089484691973612983 +9870726096385671 +1438028811229214165 +28766107290776378 +492722805206555528 +1309203743886743365 +12276488396237581405 +29048136592355722 +17620704816670781804 +10591607185567660461 +9870724603999225 +5953855926417305520 +1873618243986342207 +9870725107905919 +417015617449 +12869109390749677051 +417019464204 +933515266770550594 +13074608377643495593 +1087507565178194280 +6280436218988869250 +7515799761807543267 +5357143063213838770 +7246387485322052335 +8854892867934437677 +16990917691867676463 +13977959430917731593 +17620986833073015413 +15290243355849344512 +8690606654492194760 +2624757569490794436 +10166171796784487508 +1788616212990087906 +8852291706359849598 +13044533461223477399 +15500000815678378760 +16631171720946086237 +2519447650948039630 +15288833321126468886 +2012795333501470777 +4511323711897082696 +17686830657120392424 +3569974137420062168 +900303647357298530 +11943657631361676337 +15088171056967914114 +9707340264918357305 +7105928398775274636 +691195635489708310 +11173315229430148141 +6002914946032280618 +9870724634932283 +17504292085427627453 +1788898272384146689 +9870725134972334 +907439166692673974 +17154997177014700139 +17217602274965138935 +2623065440980588112 +15733389794966901253 +5568018385111685539 +5303047104041389449 +7031146359537606955 +9205930118896379907 +1873618467542754412 +15724243752769318826 +1785514049756997042 +17908989790600913507 +6100103857150845160 +5831598124516729207 +15289115337528730876 +1413046623323512981 +7033387768079909213 +15291089482441184570 +1842148156553913714 +15410667745586336183 +17753736439300382022 +245052216785 +18438369764282079054 +17089062604789337922 +9870724661998706 +29894155706570338 +15287423178926012559 +2625321572202780084 +11272445595878696212 +13840919426802991193 +5780604328577362318 +1144540847697573036 +13819044485417974 +9870726165984932 +40502367 +6158568077520878753 +12808641794728790652 +5565348523104798703 +1544488741 +7245541410319368907 +11849924903154044884 +59765756015892967 +6287464079413750955 +15291089417955399996 +7660382775690220758 +16870693505188843829 +3488901065241816897 +7515235746198921209 +5514354727165430219 +18388527066533475846 +7194547614379999927 +15287705195328270391 +16365628939579236043 +12065959035826690047 +1482883811291912565 +11972361444213865127 +2306865600868672525 +28766137385947915 +16872949657905018904 +13947573534378315081 +14101060887655539 +15425352558107048436 +7352041294735016858 +15288269305517838595 +468604773301 +16964592658668656125 +71435437 +14429530094515856193 +2410249729355443094 +468608617861 +4660356463396415763 +17307494337504229296 +11370043909508046628 +7404505628639245389 +32432303331019064 +579208779 +14106274658387564163 +450713825271438107 +825323262442041711 +4624146031334142473 +7301047498795647878 +8392856976783591959 +3216053926126186647 +2933987295449668061 +5946179046742825004 +14264208172476402077 +8062485076261233493 +11774326933274845565 +15043322265989569812 +16075141318198097 +2156289433662736589 +16219273337878950886 +9385515070197612107 +374705279866847751 +90768584 +8382800723529834937 +13516735064507357978 +9870724716131489 +12976673671053271079 +4392112055940232155 +17840725094276677090 +3252495661062498692 +12626898838135063762 +16797867144925377232 +9870724723864771 +98501864 +5132137370313113611 +32714319733277273 +15287141244205410514 +18019610867533693563 +5193163005595955248 +15275014538889160074 +4896553002078769972 +12517749605344219389 +5761348878962154705 +7139041577492873736 +1880166564502188203 +1873618519131904219 +17465852006774542502 +18116142943679221529 +12654580528992554315 +8335349732817189727 +7026070094382700083 +9386798933431492125 +2364851878346971530 +7166251869025477906 +13146357072728951925 +9995148043625503715 +1974347269812613679 +5258533425167019911 +12426955395954659075 +5780604380166508567 +589295532646343908 +2219137191900107160 +1732546117502516501 +2625039572996398905 +15290525359354963031 +12817829052282051992 +1873618454646114799 +1731136082779663888 +4018433204563629226 +10766942018603203302 +15291089469544549057 +7300201423792964450 +9870724758664420 +879419251709662265 +2825613095624582560 +2412665810316626107 +16944123511402949251 +1467988653199354943 +5572365141172364927 +12430143129524453801 +11532532808651189391 +3838174829573529003 +1245834158110096022 +5950902662560623811 +12655253118821348101 +10288890627884265888 +12249869020278044289 +13646305097358861198 +985637076731250533 +15124988490770308951 +5246976935469519314 +474241401544512263 +6883252547457533242 +16223350642495801207 +5083563949734904948 +5991347923197298752 +336639206865465891 +160367943 +14332904734139159046 +12425827261557926880 +10392598637072183638 +18001524900627295195 +1675756474409618331 +32150304124643239 +17990863195821007808 +5506500834030544235 +9870724793464054 +17626356103655664611 +3418035913429949663 +103179316473039800 +15289359211524088045 +15740733274947784381 +6157302026847397528 +450064107389078176 +3960279058364838092 +5141454943617292780 +8748870389615379821 +5709455775385986211 +12786169226300891234 +2671293203349912153 +9474789777278181823 +2282846157843677617 +1730290007776973486 +2879244178074777688 +923947781409434731 +1572796336020472510 +6050815166503935751 +17619012653768772305 +15051938955371697687 +15289961343746317664 +1254706842169851934 +11403208935359256821 +16223084743938306026 +5570988786672406553 +8841050052890532134 +8908700072519080608 +11830742842443701946 +88972188345594760 +17620986828773728064 +10908286554412506983 +2624757565191508315 +109958742152791274 +9637464119082772041 +1715809214503940595 +5301072946231121189 +4226024969853483200 +6441960298881695355 +27920113972417806 +997442897224486619 +1991460714865167998 +739107654424663349 +3137008809703922008 +1873618506235258037 +18161641425241525430 +13603584720093926748 +7603297089728960364 +17489156252860356823 +4160546838840675132 +6929959687306431224 +5677488671088052414 +13885455422226639405 +16178578976118237272 +16924762704442702243 +13105552693218594007 +13277132823644162777 +1873618463243447361 +18319050357371464235 +9870724855330109 +453534040887276173 +933797214387708955 +1873618441749473976 +9550801417572585708 +9870724859196740 +240752925092 +14581169549126145355 +11107018595182597412 +6156738011238781019 +11462706732688296233 +1517290299133357428 +13819040186125348 +12338805997140857438 +1166485774173871941 +16311679952720382833 +5913331872810342175 +16942700513759680112 +16418446140666488992 +18153075207089903635 +17219552458212009219 +17883481473701259606 +16780170211404507817 +5835546345556559722 +9870725382436391 +8795062046652779096 +5623392638831300750 +5408781293408960458 +12127599223991395013 +15447642462950919315 +9811079684342379092 +2198408244591746157 +16482746120876606131 +32432363517523649 +16337104745239483803 +12057284348229989994 +16205457369852164700 +12535429296310016929 +1244961421057412177 +16874641747722658748 +9414753872044514477 +28766090094863968 +5245848925746243092 +10864636259949179115 +5517738889606009145 +17352530741077946611 +1269789428801815816 +1304290611983698291 +14395835602564421067 +7715066999728056002 +32714379919764972 +11932618065435324615 +5301072997820289523 +14362448674145783141 +11466923009239095725 +11548493110908750276 +3722189998311691791 +291833280 +10325774452947296234 +27356012380174863 +10184983752152594091 +7143406886591548965 +2150364451439709603 +4505983507584935667 +6119791393893989862 +17774138996614450804 +10583981689183288558 +11678995252015348720 +13058184471635839412 +18114450845263010289 +2676033356037949622 +11539950865550042994 +7034515842288910727 +847550205320581725 +14665059300366457 +1836789900789967339 +14860123017743199018 +10206308959848712978 +2783379539012707475 +1873618514832600690 +14153679155654378220 +10223260508461420509 +29612143602376351 +1961076136461299457 +5410392930187702100 +12919095011105331776 +8698802578697686352 +1043399313625599602 +3202253521892417972 +5331013002655575023 +12258258924229636662 +31304237719295972 +932105128868144483 +3805996753169487452 +10555140267988682961 +1734238250311970546 +16872103630193380772 +16286732516091630018 +17088877222950945719 +5885976061401513308 +1873618450346830687 +2625039568697108390 +2879565311197059779 +11563580929413356783 +16624435837585013922 +17513221492263040680 +12598756356538047392 +18068492228830379629 +6365225423046183597 +8722835432433806539 +3874225267140665443 +311384720475557313 +5727354362725871428 +14720147820535624980 +18191072227770244864 +1144540830501663499 +6280132041793235131 +11876748939325816807 +2363364147186716024 +1893423951699593826 +1413046563135768556 +16524660023964223241 +787559604057019991 +9558026018081288131 +3671829598606419238 +7033669767286227299 +6466459645184779343 +15291371481647508971 +6152225770289850102 +5514354709969504819 +1271298201944985758 +30458205708436316 +11615938700888521101 +8886499618132999999 +13590834881984403547 +18289406748226373239 +14101043691739988 +13218864784511934798 +4935588326251711604 +451412690905 +2624475544489979666 +5693447338652889643 +6379267803673812662 +7140169651701875250 +5267721725906267493 +4783916140296554602 +2146416170212136889 +1384711921 +14493959604306211124 +15288269245330108257 +15831049634807226603 +9434489230345442975 +5779476228575004811 +929703093156799954 +5456833590402029135 +8857706336766199976 +15806549249001663025 +17619294730357523764 +14335351448779893726 +372126913394980519 +14383060093976221 +1396311798 +6477342099968564189 +6209141871995001834 +16105232738814408420 +29612195191528881 +6097847760321853670 +14262516069762077310 +15724675377899249532 +3092834649864430702 +6516889468507339951 +16954752457294096421 +7798245046863033206 +4928375806344711334 +4987909742416571193 +29612152199724768 +16859441599982166204 +8536128778044337574 +16696307577298039232 +5129588233664614276 +6039352994558864452 +5359117135041944518 +9124001485831165950 +6569863671793086173 +15287141227009503658 +6809547709360978052 +1873618501935961326 +2712368608621181562 +3204772326039889813 +6051786176702917357 +6927169934459732128 +4329752029258000050 +9453218279371719930 +1464040410664294217 +12997102390997569152 +365262179507572696 +16105011288268555480 +7454232953603774276 +2158545577781500534 +31868356506233453 +6814198451349565048 +7927937241877598081 +15379755310675158311 +16576177485964994396 +15289115328930142124 +9870725052527947 +10889818644871523683 +5044274253921797280 +7397691536095209418 +2841081295069014434 +4947378311988385290 +1789180280187804665 +7139323576699191822 +6487230022497298250 +236453632277 +4733572671923240194 +12804866734470011201 +17387144877877771900 +829764558740660946 +9394728855544226620 +13819035886830549 +11738510348735311619 +9878041314104865619 +13806870097308702174 +17636993876762776340 +2754754882639053549 +8824922350743548034 +7258869010750857897 +13179590365210028967 +16292456432774225062 +11915163526657089626 +15287705229721495171 +14320651656584763808 +15913312808875748655 +14808173258166135817 +8024571194552110044 +1538784131415363209 +7245823461114839773 +704478739862008292 +5833854255738854395 +503001862847 +15291371468750872667 +7409502855497715849 +8515376925833327414 +10498048128495981157 +8379481146896039069 +2848264744227113441 +9519529920006072839 +17626893465516529041 +12881745582896534642 +460010033761 +12162817633214230973 +15287987246123734684 +5706434882290257816 +5569296739845362474 +13375995718174465421 +6479135721715547408 +9181481831755876692 +15233850904715862153 +2782815510507445929 +312230834170764827 +10809976220681122600 +12062924654788222398 +15288269253927465395 +6471833751608638650 +686182618244267404 +11573418911012687820 +17128524481992544865 +10694569605171403947 +2118540511074652615 +16773264628484355792 +524384476410220130 +17369213304636858064 +13365777358560850578 +29612203788885971 +17782439637509742252 +17306856514894446629 +9870725122127262 +496764391 +7032823743872696651 +12646299732263517464 +9870726626113275 +27920118270482078 +9870724625953828 +1500710679 +14888335476747694295 +7512533067513227590 +2624757547995590433 +5993604024324272534 +16690611997592210609 +9870724633687088 +9870725133727145 +8190612609173183852 +12190785 +15289115380519290363 +16065051800701782561 +17865975268837428671 +7406761759861377982 +4908788612025362458 +9064401497118292300 +1732546151895752842 +31586284215547137 +1092700946662973377 +16434346325777267598 +15293909573383508309 +16111114664945533487 +684134309481422888 +4147422693257785265 +937181441312903913 +5619162409986518616 +27920053784688644 +7193983590172787365 +3433336989174353953 +14335814102546143625 +2625039564397817875 +13854560992155290635 +14752094554945246978 +5778348154365964742 +15287705281310634386 +4200651629265236390 +5992475932919346977 +9870724660752840 +2928740603216536331 +12920438568781093684 +5803642696037577323 +9774827789264376775 +16485991221836261632 +5357989052234341245 +2039416710 +28484120982471981 +5139344024722486367 +7562235613619754607 +9870724668471458 +14464988267023835218 +5727354358426570924 +43123826 +7300483474588435316 +15394822466617413589 +547030562 +5195701144621832653 +11293068859454066942 +5464488979641802671 +3159951381903919733 +4407364920451685011 +12716168343248660335 +18349504802666320011 +14305386864687476259 +18034169515038816483 +16101055838018476266 +2202486248503797833 +62456971 +8496256795987178209 +15291371455854237254 +15288269305516611503 +4509067580676322466 +17428161912920482631 +14101039392445954 +5411520995798164604 +15083982075123155320 +4672572315785571800 +17615346479225135203 +17074939079306392107 +1934590641132221703 +2624475540190684094 +2204460350424443196 +1459544300034011296 +447113412484 +9870725207193033 +855827826974282078 +16881139139804207363 +7198684663705640717 +15291935523052016353 +1786642098171564142 +7146505736374849406 +10958353389774721303 +542887929096452372 +15950055708248059929 +17992717636234404738 +7533382902556348133 +10758700382543550861 +29330183088506961 +5725098270194999576 +10809573709942637574 +6097847756022560547 +2044349384238507615 +9231865831523355137 +10598104538955471871 +5526593477500427755 +9870724726486235 +7299637399585751888 +15288833308228592778 +1880166564500949542 +104989964 +12479536636615268559 +2910516191757153153 +10585955816899812450 +10191933884664648784 +15413769895921530257 +9244670024026102218 +5728764487730399297 +10154597833862757294 +5778348205955099260 +15858614579628623542 +15897908900500867829 +16627166760254318458 +15661490539250872371 +3944001801547296907 +16707035010462005019 +1283692271244348278 +6259289631624209392 +1787488181771581149 +3968071944726995910 +10904609334956415243 +1133620887485418280 +8988344939515882997 +1174393252567468929 +232154336622 +1168177851093704822 +13731144846566318108 +2999903426787757987 +15291089448049317388 +8821289896600019677 +8047947494936889133 +6365225405850260289 +16860718369869670191 +2857298572705729780 +13737767823308043172 +15087583807095519637 +15292781542166257325 +1254424911749991283 +151389472 +9944700266958239061 +9870724776752370 +8173849284561302383 +15007091455370803738 +5565348488712952667 +2973047420892221494 +5234100733262917257 +513768284874087374 +15234599434631465584 +16107267423789993088 +7562235557731319105 +5991347923196062954 +4672226656941319819 +15289397319539121373 +162989407 +7193137566759256717 +498702577808 +9743002503222923413 +5625648877531054395 +14508227471145197739 +8267357353585631629 +10155047267998776091 +30740269396679506 +9654948979479690029 +15289961429728713252 +4490474650665444194 +667486419041269710 +11109614543288091663 +16872949623513166141 +1919627395655995581 +455710762603 +2103039536595089204 +5035010048587224338 +2150012508394499105 +17530637808014602305 +6879842043259087710 +12626916662629440022 +6155298010574883988 +15641901585737787219 +5230986364061245560 +5991347858710271164 +5181507648172747729 +5245848917147669451 +89657146100419796 +30740226408737057 +17498716255300422171 +8695136395555508219 +330734230968555697 +6915221776078629420 +34406435345613145 +6502708495632058375 +11078764008409997732 +30740204914741250 +15288269228134180831 +10519988750157764084 +13615807181988252621 +6928298008668733642 +5095261602624057681 +5249797185478600558 +7406275616552079384 +14383042898059247 +8965990732324548050 +1998795749008366465 +6819884512675111258 +13498697150467018898 +2524805992693113933 +2624757543696297516 +1576462553554624160 +16254918518287392851 +13942734464598631413 +1781574119787552239 +17706466419109550121 +7952683120371518788 +15292217474967280396 +6222397402118508377 +1709508424 +15288833295331962003 +13514637760944295660 +14412651613346993100 +15288551244536429351 +4347361800310691348 +102051233665390445 +7553735952381138865 +15441339033448026323 +1873618484740055973 +1788898246589641504 +5515988910840373094 +13405078033661575645 +18067928153034001854 +1575334526635501239 +1168177902682841618 +9870726850377480 +12591112773288008661 +2625321610894052181 +10416759013972843843 +11061974007659262709 +1873618441748226346 +28202057289109019 +10918763254075386641 +5783988525409981796 +968319660173248214 +245619828089971892 +1466296546184554597 +1991460628884177269 +4770844606942765987 +7298791376172221240 +8206767194354379870 +5831598077228241330 +11132577968376078919 +9074699943834555525 +15518650097086176637 +5836123320750336386 +18017107455346107488 +1136619602727214767 +15668928978732333002 +7604559487852231935 +9870725373457891 +13314312620076373775 +6927451933666050214 +13819018690899579 +9870725377324548 +14094186447716373384 +6153917898799988942 +1414738648654094022 +3807232769024090873 +8847415897280753520 +17627766168472469328 +33560368941434833 +17764324346977458335 +6487950981950481422 +10379171518327310969 +1839045967526312206 +14002799093840958288 +11284401197926521606 +944005402247045417 +10896998570137840004 +15502606039934852388 +7033951818081698165 +14101035093150858 +5185145744050041358 +9229891716704907651 +10856473307675892765 +9398677063687423082 +5177513308798003396 +5528062368493082555 +15290243424635802713 +2624475535891390882 +905701329305354740 +282854825 +27638084672297628 +14108981608068226475 +10102479914047137977 +15288269236731526721 +10909696619229288611 +1195868721826576159 +12179516664601930102 +13513229138993239631 +7621890105505615476 +17683444776638837546 +5791336289220390708 +31304323701672144 +9144224424511693442 +15291935475760897133 +11060132106814300583 +7835758378552550344 +12170437818322790738 +5081553090054681255 +13105026261602753139 +17610426109080265577 +1042835224932605771 +2755882956846860782 +17007720368053359731 +1873618536329209909 +10798247691786412142 +27920101074543272 +10161648493728304478 +15475002871350891620 +806094441 +3489683241489686049 +1873618493337395422 +7350766314471580198 +813827729 +9762862652461309392 +14458654042895550534 +7402940406922555545 +1317734103 +13456106549468218921 +1785514032559831444 +5124793967716020123 +7119681633317576152 +7033105743079014737 +775817183132217907 +9809105634009619465 +4654233706028225975 +1943289763710386744 +10170797497109460245 +9144363919119757818 +4069792389134697003 +17015590480626129273 +17900666026387520054 +5992475915723433432 +15291089443750044449 +11741165539085598282 +12207475163967735811 +11485756211052242557 +593494716095881771 +5510538272098552868 +6994666403407274991 +1893705980999919690 +7139605627494662688 +15458688062229861547 +10275863795921803159 +2147544210029353939 +1254142856655153398 +1197790757661994342 +16167876637800096422 +15228101296501035018 +10192709334864587944 +7806125477758378248 +30458205707177277 +10862662145130640754 +8308743801508346373 +5462796855429638575 +12165677358712778103 +5250643148704407881 +7300765473794753402 +5123595923779442451 +6225729497787012353 +451411467976 +14264208198271044335 +2284519691097413848 +16436648502583691582 +6926605910252519566 +5725098295990896078 +1200046897482714457 +5688428875584724114 +1625764251077799185 +31304332299022581 +5379748283708220646 +984791040419829250 +1254706859367147866 +3187423081934234267 +13887941373343179232 +14665089394306645 +4495142108700873768 +18199185222634703048 +1574770455138428222 +1200046854490907846 +18037510894118003198 +10452652741081261606 +7138759552491979260 +5513226627161854818 +10769860432633934291 +2624757539397005006 +16713466648373324957 +836087973174996117 +17950507425543513910 +1841866183142171704 +12143085451635856412 +7087765756552610280 +13960390059206388417 +1464040410663054913 +16886908734816455950 +11849360870348231806 +5147552749501749763 +16833730410848475369 +8267188650453593014 +11601522788719082004 +31586254122993415 +13814786362066953451 +5516892844697260918 +11464312353041295931 +16260410401650074350 +11217171949775506656 +9870725055149400 +8614935460695514266 +7449674879408295947 +6153071746414889317 +1007582054795451171 +15893139640936114272 +12698591854931288732 +1464040346177268033 +6365225410148313771 +9870724566682235 +6925759835249836138 +16101078595707163364 +214958410356 +14170810794691998423 +10196949444845310257 +11663374049455332268 +9870724570548278 +5246976961264184263 +1971464534717633742 +2023481506700553067 +13819014391605638 +11991029848286045658 +1413046550237897358 +12045128095674875830 +16035655232454139647 +15287705229720231149 +704594474033106776 +10594427319500549146 +5997942644981785749 +11444047968489452322 +1456932613 +8220694992145759686 +5520804745657785011 +503000621903 +3735453693364144662 +7032259719665484089 +4749747017966365817 +16874641764919940993 +18094160539292144306 +18332373195682890873 +18064302014949692608 +32432337723020718 +6640705649442567052 +1517763483834530898 +28766107292141781 +15345296219882462972 +17628330231370957110 +6981265923726115109 +1873618265481692666 +9870727101708069 +9870726101628559 +9870725101548905 +17818300676912068698 +2448987358039198314 +1357540577836544781 +2175836266859144622 +15240688955519415392 +438514825232 +17298949040800340778 +9260690873320293372 +15289961369540974490 +9870725109282185 +5601007295916617615 +10333839787251272434 +14490647810018078627 +1987905403 +3674085725529248549 +5736798876179328127 +3324580952041271708 +15290243377344686255 +7193419565965574803 +10505832651350293834 +2134311698688717736 +10916060929228305224 +11889216042803471125 +1578847602777598897 +29612182293668473 +825605291742283974 +901973780138899584 +16916423072427626836 +3212279 +16911052854443793658 +1621783695816221835 +17592510880283254855 +31586327206127133 +5681860762241802012 +7078936 +9177782870671168177 +9991863360696360464 +6584171493541156997 +11234565534460362095 +933515180788300296 +10945585 +1198918814675132386 +17434969792771857848 +1873618489038084344 +17612253793079284224 +7706831487936632848 +12973423928010041056 +17988623715793909114 +5303047082544935795 +5884848073173641570 +6148990677153951830 +1108021039571082400 +17995655171867630416 +7990307559300470808 +1814401564637751273 +2625321593698127666 +11453444980597415278 +9870726659667708 +10441350570743960815 +16598074354033633501 +1538131744 +12911947907506780583 +538052075 +15132890527805484066 +5354604872597768495 +11127785578452640205 +15292499474173609265 +13625726347719300414 +5250643251882708416 +9870724667241604 +13541690364288507184 +9325309112749469961 +1817732079526155103 +7084442118849121803 +9788151191380839819 +2837193507577557395 +9870726167361189 +16887297360196694004 +16436195824824426869 +8907854023311054807 +830117584279202409 +545785363 +5835546371351185422 +2931882945675402225 +32432389312159232 +7086919733139079632 +14081868407518536575 +11013863376993409123 +15893065016634257090 +1468270630909270832 +689774607442275409 +6045168024915103970 +1776768894907475853 +10371546086428711649 +11242784033690500554 +471134570744058163 +828707506564524210 +11346717579767847815 +16847259624441142227 +51409397999492240 +5245848951540882462 +10114786526421937235 +7299073375378539326 +17085103321639836334 +17305802221890839670 +27356081166643921 +5884243119797134841 +5943456268995742163 +16385508504220484963 +15288269284021379505 +12163644973383641230 +9749929699511592634 +6929726202219228805 +2469864005807850379 +10178192978388138148 +1257299789485714665 +4816595532269378480 +13226626061117033227 +34124418943289960 +10341335524252471494 +16992843892644409093 +14426668629872876431 +425618190779 +4082933432107482250 +9870726713800447 +2300274332096877219 +11285429530688580047 +15291935501556787484 +18214648635594907606 +17419818910382755497 +9870724717507760 +7610943862500247547 +92144851 +14375674833933518812 +2907600217262808864 +234824926652082278 +8964955323223988141 +936899412012774394 +7065794724387506409 +7257145821827573405 +8191639813112407933 +9870724725241040 +16414819240624853985 +103744766 +2345279645596404145 +825605278845653873 +17236419517966919456 +17572194368664520948 +15290525423842124570 +14570716054294390325 +7753172856361937043 +15777882018325688701 +648227029980762803 +11847668771932040020 +5304739198158524035 +15627349887169483984 +1392560304711995915 +17093856870738045186 +5683634570943606785 +1836789862098810706 +3878613918675452222 +2625039594491746466 +17305728453583458641 +10814735609921474337 +5515200746281050572 +10576074684958974318 +1873618476141447498 +16879729049192853322 +5410957023180117175 +5461950776127678575 +6206321733762956151 +1032570665458284902 +10608171886705513941 +2020701792127226889 +17173735689874511422 +2440981222361939970 +1976971540241660817 +28484151076414189 +16409823259361302726 +1359796661768830464 +9870724760040684 +12293559540496671931 +6945390077869178449 +18085288875033705344 +7867731145761114084 +15854517778466098361 +17089062570396234550 +7142560837383494667 +210659117411 +8423108281783225310 +2846721623123827944 +6151661664400911324 +1522648593587321202 +13819010092311738 +5512098540056155130 +13735950170324146939 +154010931 +266042250213533042 +15419324667599398832 +15793155004788928 +7353733388852134869 +5332958112102954286 +161744210 +2789363542978673012 +1735084286622324363 +15132199491175256891 +16123410282815184273 +29365482965786881 +12451287859908144770 +30458188511269732 +6074624751477803752 +13172383304428306285 +10746351303661081272 +477207345884 +669517405 +6747465434077729718 +8185733200215615630 +3416792166407883006 +1851043416503163228 +6313103591589043488 +12605821677220424263 +14262234036162687553 +4757044588448409970 +434215533709 +17595247252772900940 +8039763375030275799 +10652362119075606358 +2188969875 +30740204913503498 +6097847786116484470 +29612220986186533 +6309545861193421814 +4070254453074501538 +5995296127039983955 +738827357167965050 +623200902201560216 +18019354998902238377 +12875308616153829165 +10093801156340109473 +1413892608044640836 +700756028950 +17256118064413634749 +1873618527730602497 +6205475624366966872 +13326330175687431367 +6538234364472141256 +1042835216334014734 +5352348780068092137 +7159469842264442639 +6151742360362429760 +3251422733617619498 +211480374592104257 +1873618484738788192 +15287141209812322930 +14317912644329024107 +7243300010374620622 +6926887909458837652 +9870724845106455 +6050238105326667062 +1782138208481918484 +9870724848973104 +10003958229285166953 +1575334505140278007 +10803158541742986381 +8856014169564844253 +11722969585197589525 +5303047078245652815 +15290807375757402925 +285938472240948677 +16106595406117497945 +2625321589398834750 +943441378039833018 +11043988872620371482 +454753818521654404 +2158545539090371628 +16743861907557780535 +2785415304742906975 +9870726364559053 +239076751 +17975145418526561367 +405888403808595006 +9870725368346065 +3511510786883335310 +9870725872252476 +13577317620364747645 +879419217316573271 +1358668621953051835 +8457723779546819226 +3397138837805751716 +9232993931527090594 +11522322727784813996 +9870725876119106 +13705876817113268870 +2477934625430792024 +12375384733446267569 +15411231786988352704 +16530489490799743677 +9768391667994817265 +13451263186146777983 +9870067407650117745 +9870725383812661 +9870725883852363 +1305418630305697926 +17464068196043337813 +2420599844130600271 +15289397306641224762 +9302231339463752949 +13946693756345591172 +17016498717541028597 +882742211615939414 +2861086850443976156 +8275768855680273043 +15287987271918359712 +9203109967767620439 +5245848947241585510 +5941482119783986056 +15801863628634597243 +14491088305759139751 +32432320527075555 +8093487987437223277 +16518567576671371784 +16150373108310960954 +15441701681699888751 +17441243845162724485 +5618598359984853771 +12555384466454680178 +14755685565243411693 +7356835239289712419 +6056466444888987528 +6043037560904755564 +1873618248285771858 +9249568750854359109 +16644906232966620578 +421318893363 +15290243403140571205 +12704210928514573066 +14289589277711880857 +17998986804592202540 +14918917774726740920 +1945545830446735752 +7032541718871802175 +5352348831657259254 +6151097721875427006 +15942320976585953285 +10592171257064861011 +1944417803527601130 +18418331097296629649 +2148672314332360954 +1873618536327942261 +6981547922932433195 +1410790444810395465 +13732264254399588246 +1575334556729431230 +16113243540925199732 +812582536 +12802363114501780857 +2057911839619746536 +2842209283295817129 +816449187 +16881421130411947804 +14952345875861151773 +453534070979970548 +820315841 +12105365978396311154 +2625039590192454745 +15287141196915679153 +7193701565171892889 +12803790934151422227 +11040735009915081871 +1324222177 +9626026310975778926 +18276979675029778345 +16632567774389485666 +5863303970506825882 +2592039302459052861 +15865913240105800752 +1338485821429345017 +845012100688123638 +17063888741996959484 +15333420168733738931 +1920098384191843898 +7270258020499872359 +9870725961184871 +15287423183225435899 +16548325572102217139 +8854886129749067765 +16042367680760927329 +12116505348047923706 +12982659031513510261 +14282592246431764165 +3660444556051220552 +206359828226 +3244917214335741039 +2165193900450859300 +2631305799725115551 +1416994874456044135 +1680441898321850740 +15289397358230387809 +9870725972784750 +6425213859614952281 +2614962469219757385 +9433084718019669779 +5695777959819620403 +8634458731554364423 +15293063567167273174 +8487494977067839337 +2625321864544390780 +14757391685456711640 +7562235574928625080 +6926041886045307004 +1214077033067777437 +12687678863684407616 +1466296468800885180 +2359101344 +15648355766261540365 +14101065187087535 +5490451758066190184 +1837917970701113015 +14428481166735651529 +16427701888690905163 +15288269309817285389 +11468328372673850805 +472908055356 +892741896583008559 +6816736568880228820 +128577803095511698 +8058131735589238080 +2322094241237638991 +14142460462794626901 +5184055445716344208 +15880411694932303330 +987893233748044154 +4261220598231282522 +2834720242980697835 +13145510950436552032 +7087201732345397718 +4187198287186905499 +9416081289824921846 +429916227675 +8533768817076498866 +94733363965660395 +1846710025921848441 +6004033488508295201 +265196235397338744 +177074633169446117 +12562581932888704483 +12484855343804124802 +11228068159576085725 +278216257523103965 +15331258472004071231 +336260399042863454 +15982084501791860714 +8768448353528396165 +1041143117917808757 +7299355374584857412 +17204143209887718458 +5832726134240119548 +9870726026917497 +12807983216407613632 +15292217492164604713 +1198918849068363603 +7243068524281019172 +10335352415540634371 +6100103913039400755 +5888466934314576875 +1361488794577103604 +5981968545310976748 +2786543318764245987 +7106783947908863032 +7892429594987485301 +4414130199843979460 +882239368446619335 +15287141205513023105 +9730290476299404698 +744727634942123750 +16373475007148602381 +13727478633331583422 +5566476532828217367 +2026931224512118639 +4424614817609379159 +28202074486411483 +1873618458945533381 +9870725053904208 +5638559339224459000 +2015038418678128426 +28484155374464211 +12220200977334605291 +1785796048963516705 +2625321585099543171 +15291089473843968181 +6648744653342782406 +2560875148783072651 +13880529192106527950 +15971920874548505578 +16114328775591672411 +8255493874348204240 +9870724565463985 +9870724569303042 +7946632537211284976 +18413392018082037850 +16253215886084282993 +13641009728609805264 +32150372909865381 +1575616517243231983 +9870724577060546 +9888271701197484448 +1414738665851394387 +15289397345333755859 +4844858461531359594 +15292781524969083672 +1005889904790015880 +7192855541758362241 +8356702227516364016 +17016262517490988985 +7882017128501693644 +2414921975930751972 +481505400181 +10164317815380518776 +324535754122684213 +28766107290901685 +3805712294748828861 +17532367729421990364 +30740252203362965 +5135521648828821024 +9870726100383373 +6152225714402760487 +7926206413824877171 +9870724604130298 +12568193962150077115 +1256116924183966220 +5726358067385216701 +1627738426084183478 +6329175104747750528 +828707433480133115 +1873618243986478598 +16075154211107503 +417019612822 +7354015388058452955 +3559710984224970153 +15292217543753754210 +8259442065294044348 +9238115968646658788 +16270401397805369503 +1788616212990212176 +6979855824516219119 +18412545943079354422 +13263909077631911310 +7867619042724896643 +10918615408108782387 +2624757569490927376 +15292217500761932532 +10168145941697075930 +747201041967833095 +16557244502443900795 +15287141257102174798 +14128504392603817662 +14478830953307512920 +17122229925258209906 +7730580451687490193 +9870725135103407 +1873618510534701324 +9870724635057342 +2199921451254364408 +900613183349464722 +7192009466755678813 +10372392139936176108 +5301355009924597815 +14161425405569669325 +830963573300875839 +15195129902213830725 +11779159910643427946 +9891829215153252116 +12579547732752152949 +17639717819159158615 +8396161047500239797 +7293621131330262180 +13437531425391055829 +1873618467542865379 +13915739326545159548 +5419723348147842908 +4737459464942990059 +2625039585893161756 +2517386234133556844 +8211561456005050806 +7141015670816309833 +13472254491101634739 +15335585288494084129 +6206453534127766646 +809714369166862126 +9567595420478685549 +10375505326586554578 +3876075848434848976 +86851854170222176 +9870726158382753 +3186488476490140849 +11974217323296926510 +29894155706701788 +10939233345785958245 +7298509351171326764 +1349355141337064840 +9870724662129780 +13185656046397123071 +13819044485550100 +15294191589787113618 +540673533 +783806437914459929 +40633441 +544540163 +1040297124596765494 +533209674703201778 +10066835850599877655 +7310380000262572928 +48366720 +15848937849825401368 +7247515555231957784 +1721872961788860161 +9941335085727488243 +12318365723907460577 +1575616504346602313 +6155327937823510394 +16547637318785656185 +5991347936094063247 +2180717673216301815 +16876908885164894748 +5197393238740130895 +2060126091 +11076095979391444264 +15287705195328393544 +12909001140607609527 +12916838918575844092 +3729679701517145192 +14101060887799451 +4272690297183482084 +527486648242027505 +1517854327638746603 +468608755059 +5724666033455971249 +71566511 +23074330386847099 +2108115793152856544 +571606589 +9870725200836035 +16613314593632180679 +7085509633929183642 +9387385422854561590 +18062611000115542576 +10044825009624989640 +204346183240994675 +1873621029804205900 +11076650717431286428 +30740239306742921 +5729892527546387031 +5214737420442796133 +15610206458805968887 +8170500022628586562 +5724665990464151016 +15287987211730634737 +425616950188 +15043322265989681047 +7584167588911214879 +11202772131483698915 +9210776495463544308 +5310072653704533472 +9870724716262562 +15291935501555545903 +5513111116680029772 +90899657 +6795216411028441645 +605155997307592299 +13911758099601515080 +9538288095937837891 +13510714938033383957 +8710197087773595730 +11451188849376648818 +5622264581818291040 +98632938 +7246669480229274356 +1022233086848161753 +1783539956433835845 +17719087608558077588 +1829144644315722151 +15292217487865304791 +1873618519132016639 +883931522750048897 +2790611964829325117 +15273886180936150700 +7679094872898478438 +11839796029187966421 +7452710325133122767 +8302145608908743576 +15229130797575586 +33278386931190682 +3374073543078646092 +15290807410150613038 +681411650367476301 +1873618454646240570 +7353169364644922307 +5274658567287693905 +1251886678143287887 +5250413499738689729 +4948502330299609588 +9294757478662489476 +5412649095801821699 +5357989060833073869 +4029075847290503284 +15292781563661596623 +2373415502940997885 +15789620042418447438 +33560403333439317 +15291089426552857698 +12714353604997498470 +6972140976449871559 +4985063574640934274 +5461104787107352349 +4844858457232050803 +10807720106654986167 +5246976935469649610 +15524056368343437120 +15289397341034455439 +1418275848750644008 +15569445779728576708 +280569158667935685 +13525196865559989745 +10264533455025674978 +6098975825933706302 +16998920198152598663 +520197909170 +6022410655933540631 +5462796881224288745 +15350609964076971115 +1305418621707119655 +16760371235082414086 +15265703632663230636 +512927934363034889 +14512892195233090240 +15293063506979530687 +477206113517 +15383811409788483214 +5445039747279380524 +1254424825767741513 +3454339727910328259 +3411546352286965107 +8484110737244756946 +28766102991619137 +10157982332082726212 +10265882208408841605 +13350256624432264488 +15804734059994287650 +7352323289642238879 +6926323885251625090 +3738605320847120869 +1873618239687181369 +15229746926250508266 +14202477166402816524 +13068860251950947703 +2787671392973232277 +14383064393410207 +15397078572045061171 +15292217539454451361 +16876615841046071920 +4290392761421622375 +3103508017812937759 +9142532373385266656 +195298665 +2530739313276357869 +29612199490961404 +3313969587429457161 +1998795749009740651 +4718813938835745177 +3686719073257024460 +6244211011463030259 +2624757565191640048 +10142017334126539401 +7425392019208218255 +5301072946231255938 +17531069790818611926 +72834194634599895 +3452614492788441376 +7047658367535355575 +13304992831046310781 +15291935445667114819 +6073354836911402486 +1873618506235397810 +1777332863227606161 +829271474884669808 +9827020170334252234 +15292217474968657680 +17119958815989321573 +7087483731551715804 +17943317493202186433 +2487491354099451938 +1231566539725152778 +1467424594599043017 +9701915376305133202 +10223260478366373909 +5992475993107222787 +684134305183501488 +1597536137780991349 +5677488671088193058 +12481510747134635666 +15287141188317103684 +28202078784483550 +2161929761716263352 +1873618463243575063 +12595705955698832291 +85348920764927966 +18319050357371595223 +2123790068807115544 +6817300584488774003 +9870724855461183 +15291089478142020376 +1464040371971904405 +28202057290483818 +17003208088413291990 +15292499491370896646 +16639527471249449393 +240753055670 +15292781572258935706 +1737951065 +3530088522862455156 +237831565 +13001682132658844143 +10256539891197956478 +7826763666385419313 +13819040186255489 +10906513600515678967 +5941200103380504610 +6156737968247081019 +9870725374834158 +12708454043691198304 +6206603737267320586 +7340769052744553614 +28484073692729788 +11888218815509961896 +17528419486886932570 +13298200086887015703 +932669144476898919 +257164694 +5291992296855454460 +6438771465219696037 +32432363517643069 +8419202917483239035 +11740202404159819269 +8794768896894249125 +9870725886473806 +2107042492840544462 +11704293171416475637 +17939922298746914454 +343894602810274234 +5461104731218923577 +1218373267405481448 +15288269301218675185 +14584406983734023062 +9236423921819601827 +6980983898725220633 +464309455022 +32432320525830808 +29048140890518313 +18413674017288355936 +2333422893292263311 +16900509547302170113 +904009213691961172 +12477568711375600094 +16825842199654130542 +27356055372116136 +4433594776408690938 +6368045642961455203 +17165264165777323224 +2235484279291472450 +4319853510795795157 +7612623855345102265 +12505494035987835424 +291964354 +12368976542711364355 +15291935497256251893 +31022221317191429 +7884264785446971346 +5299098809916147895 +15291935475762283794 +11730882721800406972 +16086914584828582611 +2676033356038080726 +3787277807956750136 +13518427154325117247 +5181568479621180262 +9870725929006682 +14665059300503083 +1592459872626102798 +15287141239906250287 +2307590044 +1873618514832722762 +18319050408960745173 +5251489245202422703 +4910402882675690302 +5675796564074649610 +2315323293 +5522822691400468689 +31586288514966543 +1839892008135913722 +3023824601817764850 +13480327489607838624 +819070647 +4333912697331658601 +12766279949545134633 +8899289012997605676 +12737110686819630954 +1788898212196528533 +6980137823722537205 +9499007335791276921 +2625039568697239025 +1873618450346937869 +500321887171590967 +16968560352284787657 +5083610059568008282 +10381991660857548347 +3671829663092317954 +15291089465245378011 +17741148982223462791 +16947058063559829853 +5782296448490277255 +3082518495917122501 +13725680859840136457 +4908086700238446757 +9498972570047941864 +7562235617919179665 +9270530919791023078 +18272579812900629920 +7086637708138185156 +6208295861479424733 +17086513425149157911 +12379727685094366931 +14526911150648746957 +12986607299843201436 +10697549361579045970 +10800972690247275299 +1580350686246410457 +7493017085503547255 +5461104782808058351 +3875793737451598411 +15289397336735171647 +16952214309669774203 +515898634280 +7510134793301600303 +8099428861213887120 +848307201366768403 +1776768899208141864 +9763237054719266847 +985919131826140223 +12432294066686542879 +17620422748678285811 +11988195862648470010 +3225820544776563250 +6155327877635776807 +12477385120395893332 +14101043691871308 +15287987259020486778 +12160601063464061843 +2436256590267684100 +6714357502576838275 +11134421182023758190 +11293126244330058414 +6616883720368167294 +6231494632610358031 +2624475544490111248 +27356063969460916 +15291935548845416047 +7247797554438275870 +1763267035865825489 +451412824889 +4534407021717706700 +16315149754281704661 +5299098861505286928 +29330208881922207 +7892758634479563225 +4995920145560194956 +18445690135630398097 +3056501639559780839 +14253319426033740681 +15547163175475571686 +1010977206260283964 +15326223367111451853 +15050501593181466994 +8753420868852802775 +10585603916845118167 +31586340104136216 +2624757560892350328 +4500072201846789315 +7085791633135501728 +5778348231748498817 +8421573517916592728 +15001411161533992394 +1873618501936096581 +8084188025159564600 +5675796572671985760 +6587273635278964951 +18214366463527052110 +9206566035253170441 +14635636828980931452 +1992870723794917213 +7596208623840214071 +7034797837196132748 +16624412216295756032 +1734238258909440164 +1001275971615526891 +6446727831346951404 +1873618458944290310 +3818332295662291220 +15290807392954682974 +37425365820534149 +9870725052659020 +7192291517551149679 +16332192295665293361 +15291089473842725767 +17089062596190870201 +17618315173833491268 +236453761221 +15547936041265488639 +1490523035965615790 +5459371768119118177 +12060386507163899458 +7141297721611780699 +14497144097732312669 +13819035886962123 +14740971020980805303 +17062770692051184781 +9049684100898775970 +17132313306116997586 +15672814220248828086 +33560386137508589 +1036600671087302875 +9388513432576593803 +15511130003875283 +14054554693766094791 +6443383230379418258 +16795611039498001510 +8250235334236778128 +7353451363851240393 +2857620483057345761 +16362713292935870919 +1148207005044198169 +7780639371487303093 +7719447182991700697 +8404471673931509112 +503001995804 +1873622689318653337 +3050905687236563498 +8894776707562893713 +1966081911 +18411981918872141860 +1275246500367385799 +6979291800309006557 +1586548794960076829 +10935036893209178716 +9289441360304164999 +15917416551048097374 +5739422628532467591 +460010171510 +15287987246123864201 +9870726599177971 +15291371425759172133 +17377565341394230067 +3304165682888796509 +6176793342054590957 +9870724602885106 +5608434580886744304 +716962818556633689 +10754901039937762996 +10588505013734949462 +18158855396760107600 +17467452358482671721 +805679481430156077 +11985907604016014139 +16645272733671120041 +14105372412283335326 +13398747230802290291 +5894178554473765536 +208389488011651239 +7140451646609097271 +493028836 +11785584461689546834 +6617165672283454388 +6523529902727317410 +612172374669203008 +9870725126124960 +10028063380012217857 +4320397392167458716 +9870724626084901 +3745929326945069525 +18164427008748513351 +9870725129991590 +9870725133858219 +5301072929035342615 +15287141235606957861 +13513662561522422906 +14103022503158179746 +5996988182465764398 +5463642874544068429 +18878876897068648 +6641851290728750885 +9870726137804442 +12321859 +1410790419015879441 +6230907945780005775 +16188491 +7246951531024745222 +1873618489039456343 +5831598146013445189 +2203332280514793276 +988457223562161505 +2576363817137868468 +15386425677266498633 +4591871055511556643 +2524121012 +15290807401552034921 +10079827122923640285 +12452415912620738102 +15287141171121182876 +1873618446047658158 +2625039564397948257 +8439263316645794980 +9835753483105036068 +5780604350074063662 +5246976991356854895 +9870724660884577 +9167533155582350669 +12922148029686173160 +6663710090192704045 +5199085367249093514 +39388250 +1665063707592122525 +43254899 +15289397375427686874 +2200794175880977610 +1937047112788290305 +12495352915243135137 +9236391087988612135 +15287705238318958169 +1413046558836600527 +9075264058323595053 +619982431487934542 +6439903805786562544 +16149105318148966830 +5837815419166667108 +13337610262836755829 +18332566496608469021 +554894889 +10204651273221335639 +511599328432 +15293063541372759141 +15648117512054992613 +3459957968470035902 +4926665174423137255 +62588045 +4109277956412565349 +12165677375908817786 +566494773 +70321309 +9314220518757250670 +7406197765746855724 +7246105456022061794 +14101039392578601 +7475600315276536678 +386372167260644559 +18181287661796399861 +14694978023916591945 +16125497538611985069 +15290243428935230012 +18241684855292456051 +447113553532 +2624475540190815713 +16991151777031025476 +4029511590809123829 +550243203354865085 +1837917901914782367 +15293345557775020962 +5623170421104780631 +1847659206774034661 +12322808742938299982 +1674429355684161082 +3188833133853149825 +5875369286209378897 +12440766651167042482 +15122676476569914237 +8911564062348428920 +11286125290818718833 +13252643833684964574 +5725098270195138249 +1841584140944158844 +9870724718884023 +11134642932340831463 +5178673268998813820 +5509410163496391237 +9870724722750652 +1873618540628625013 +6749561538592207161 +1601374005 +11224396434830550654 +14448472746991231769 +2749504859761682264 +16447956571742297230 +105121038 +27920105373975512 +12560054189261408930 +13569277581708578531 +15290807453141184549 +16904751357243768697 +98667066926837095 +11636885203347448746 +112854298 +1873618497636814922 +1732546160493211156 +13940397499392470553 +9457728271880906132 +11244959727155953357 +4551751037217697704 +7721599186180258890 +14409153078548392620 +2743611323352304882 +15290807388655402106 +11666939698674012885 +11091955386067869733 +9231301871802144287 +9031918278946141998 +17785259896117529357 +232154470042 +14428481257016073724 +14430173321040515288 +8031770806726111471 +3213959497729525330 +11549993211552158601 +10364366638615367834 +15485431947535007791 +15293063592961928044 +3663640078016191456 +7626335208599998855 +12895157156263578670 +18003328951017806414 +553502027104594854 +13819031587656602 +643827287 +9390205565386056631 +2018407872864076421 +7351759265435026317 +2558626525887402556 +3813668295775109829 +1693374133281705499 +15287705225422325397 +32150347115350256 +13906216870607917862 +2481036767168570402 +8556101387803651131 +13728042631743037361 +16269555288410840275 +5991347923196210513 +15292781499174570348 +3452050511573052082 +163120481 +498702704593 +15287987284816384710 +10587083886809725258 +6815044530650421374 +28766124488217650 +32150304123538699 +12427060397753706368 +13665655858125169539 +1148489060138959500 +2821110094405057628 +4312401969277266362 +9870726296336068 +9870724800083200 +178874563616858302 +15282365751401334008 +985747851051421101 +27638097569077673 +2327459513223287707 +2401528341966757588 +88972231336285220 +9403591670014227476 +4892541419319157802 +11075028963510864300 +6366071489450431616 +1844130888301291595 +5299098844309359199 +11949535968354966748 +16368207330985013963 +14577821744833698866 +8880986669644015495 +15111216714117705562 +15292217517959234215 +14383042898190808 +9870726323402440 +9282455518003534907 +4683674441593985075 +3963119007343271330 +2624757543696427379 +15292217474967424650 +7245259432608531146 +2745876376848262974 +17315773073098301905 +13812352317947270478 +1589600004498921129 +5838366543976606117 +11970763333294630569 +15300323962344988564 +10787147896205679143 +12426510468243544797 +2574671718721660685 +2884597244731287910 +12716362136789393059 +15287141209813700894 +4202723174088591293 +2203332276215482464 +9232711936620172033 +145335375240699794 +6050238105328046648 +1041707167918411121 +6996745855548787776 +17781311614889964660 +3629296517427308452 +2625321610894183178 +2320966141234073651 +1873618441748353814 +1198918767385405376 +2625039560098657054 +11065487246536018498 +9870725358122448 +15290807375758770533 +11157193194708541005 +14913891692408483907 +8065904824868760183 +816023356270660579 +15287705277011476745 +6980419874518008071 +1068175371657552542 +6098975877521630931 +7087544213298504375 +18413109993081143374 +17195659149563682097 +6055621791407682778 +2475960502013673758 +5888796315708838982 +13938987365789352112 +9870725373588964 +17600557245052437062 +9870725377455622 +33842419737116227 +15229384447890663 +28766176077355383 +6208295852880835556 +12076020769722998858 +9870725881361992 +11002202554770598947 +15291371473049040504 +8972557000702889675 +619982405694662126 +15524056333951578124 +7988194205078460173 +5784270520318385414 +6056466509376148177 +12139398813938826675 +3298420552526600487 +2844065907833717781 +5726226335806789470 +14101035093283138 +9652506971552833381 +2312694796414818441 +442814248870 +15287987228927942924 +27356055370880358 +2624475535891525176 +29048119395301270 +5448958679877828275 +2528765198457842949 +27638084672424767 +8752346611157835188 +3205882223899445966 +7671164144648523067 +5661738460217414139 +1103892879740988112 +6979573799515324643 +9949477605624325531 +31304323701803001 +9471996129532404924 +15468982935876622310 +27638041680628617 +18412263918078459946 +11415541602622651346 +8354308154123883698 +3425382256696103772 +2235941633512195645 +6366353484357503826 +5996988229755611112 +15291935475761028301 +16039179938593978732 +16096830904992345581 +3441885666829742011 +2150364429944621468 +8779161831851707255 +677101367501416405 +806225515 +15821297191989566308 +1783548273297467731 +14644601523182252436 +13670711392863139304 +14857096484912708533 +15294191680067548641 +813958802 +7341897174243438152 +1873618493337506024 +14377170520674936900 +16148339639238671399 +817825453 +1775922815606867089 +7086073683930972594 +10380299588237216415 +16573157102592731942 +15293909556187707908 +4424614830507368143 +11027859546261964057 +9986779853778668663 +13460904719155880714 +7676326031729299171 +10583135700163108466 +11840792373305960177 +6751981162579317842 +9870726958774033 +1575334470747179418 +7355013769965755629 +15586729198849175730 +7587858966670027794 +30176189305067734 +1508049959548431111 +11358818864338921009 +1789180271589353392 +5681866892062124791 +5526461232746157735 +3684117662718239116 +7247233530231063308 +30458248699120411 +8864982516290625642 +1348798184 +15292781537867090333 +1197790757662115411 +17897281803760513173 +1309570156344593972 +13885403225718877270 +2946293100247654623 +8432231016341464157 +10282260953326430914 +30458205707309150 +10908004576701655740 +15293063524176848404 +494403399259 +1146796961722733174 +17682574712751996314 +5833854247140396502 +16473820935308059908 +9549673313269920737 +30740265101364718 +7802741255131389398 +14472011330252579336 +1150181119864101303 +451411599366 +3836386649570419860 +5938379956551105646 +4732726652807888168 +14119902126930661784 +10920637407696346049 +1883865396301220653 +9870727009040152 +6366353535946667083 +12799904564807233365 +7034233812988920186 +2845029447323881135 +17619012649468385869 +15293345540579084048 +5731866655261662688 +11662233534562005548 +851940374707974036 +6548876554420688857 +8777571881436928780 +10583981719277359569 +1882949436288866285 +15943731019907534309 +7280202453529741234 +18359396230774930939 +1873618544926664603 +17437524563557031291 +1042835233530075890 +12369348373828423615 +1402930939 +5695587421751371924 +18352325013983027459 +1894834050909813300 +4945303718080620372 +29330122900899830 +16038806134117975004 +11510172448171494696 +2624757539397137038 +5515200772074463894 +1803181542485674012 +2148672279939257894 +5867051617488676817 +4989607797509272454 +1873618480440891442 +17464276530231450725 +1098632785037192428 +14947105796677958 +7352887339644027831 +1117188795805150255 +11063795148119806195 +29894190098681718 +14845134934735728443 +9870726551533291 +5303047073947722646 +6844496701510132606 +9870725055280474 +2548691343429360076 +18411417894664929298 +17092164746527251867 +8343160331046252977 +9552920144579621196 +214958541508 +7886367719221110858 +1095239150174746480 +14968685226597307762 +9870724566840252 +15505670362358569290 +6206603754464618503 +14011056227768486379 +10384702422751793912 +6927733980162425015 +5780604298483670866 +13536879421002441907 +16958320889095786569 +1736494368636431061 +9870724570679863 +7731987298600758848 +5734260728554981574 +9870724574573529 +16167901364859059098 +13819014391738647 +17435475042717342283 +4835285760052785305 +15287705229720373869 +1721745878105145196 +985637059534212160 +31243224015703638 +9870724582306792 +3250255263384229374 +15349429445859677389 +9300539241048921153 +13440677118037214137 +13674941621707869716 +14487876837933724413 +503000742936 +7139887622401884709 +13686216125481177806 +1519546477645486344 +5510538216210263220 +8361225737402281569 +11456836916282606627 +8435418801500417904 +3844815958071602676 +5887104182899319993 +13143536835616789825 +3311818028219507709 +32150286927596215 +28766107292294456 +8832806942534941988 +15882855708138487332 +14101030793982539 +15289679310147045261 +17608376027316034713 +15288269275424181834 +2146416200306207900 +9870725101679978 +6153917830015028248 +6762177167581392037 +7352041264641344403 +1413892676829860205 +438514946670 +16841258024844542245 +11571456653042409426 +9870724605506561 +9870725109413259 +1998795796298345309 +7301047468701975423 +15811084091959546488 +5522619770470673014 +15291935514453559797 +1627738404587729737 +15290243377344815663 +8821966780582858031 +29330174490057780 +14425661019905002089 +6366071472254486523 +491783646 +12424343659824770038 +2115587870190170861 +1495729938 +16322655732121355290 +6503203085685177568 +5725098261596563041 +2148672331528408789 +9088972881470517504 +5164964909743173506 +31586327206235717 +16973266762351988143 +3343353 +1873618532030036720 +785983290288972811 +14478577078159091168 +7210010 +10265590453588287567 +6097847725930140466 +11076659 +12522861250800476322 +2783661564013864745 +943759021439519815 +14796221729307647581 +5458848660184635828 +15292217457771500599 +1873618489038219294 +15287141214111738247 +9534594302153664806 +6011633796843771287 +7033387789575389538 +1693059477266126749 +5003353256727048933 +18219329924430326787 +4831153976752021519 +5303047082545080174 +9628263322950132001 +6476237522615217125 +2625321593698258699 +5780604350072822675 +1363756665915190674 +829835524885261028 +3427681545059503381 +13884327378110450362 +7245541431814849232 +538183149 +14095582753139875290 +17616192489740897152 +42009704 +15291089439450870370 +4292955585394667085 +8286625167626748047 +641508468596165460 +9870724667372678 +11749368754253817184 +545916437 +17786951981635888656 +45876346 +3671829615803835064 +1007581998907144969 +15504660649007059341 +7447967604292926417 +7194547635875480252 +1467988623105671347 +9870724675105938 +2147544205730211215 +14506997104484029614 +16225721859232117107 +13200215017988576405 +12849690445662015404 +5565348480114508593 +5782296379703966301 +3106048699458136301 +5541399129527887490 +5197675268039193690 +2061502348 +2561635767687590544 +15118667617839551493 +14694907354799759013 +490104123269 +288673066745536059 +8486084916549195142 +5903201844931996508 +32150295524946271 +11040187364284702066 +72942783 +15288269284021515111 +2009975100688523522 +572982850 +5299098878702592678 +12955191540402382985 +80676034 +18204249488608201631 +9548014972138054994 +7404435491582844799 +5353476789791496251 +425618328416 +1584662320 +4091925291074089870 +1777050838225547678 +1087419898823589522 +3846923558190191247 +10841245920951874071 +1122107760232845628 +7623514941079318176 +15291935501556921270 +92275925 +9870724717638834 +10059824231573429586 +1041143135113857401 +1092418990447277825 +17693599612532637624 +10389574223842917716 +27638024484702797 +16216077255096692795 +5844165784399330898 +9870724725372114 +103875840 +15291935458565111994 +17147223874170866027 +15472099520086567168 +13787094227570270335 +17627202200153840754 +1893141982586099371 +5831548780687668826 +5461950819119624103 +2719347734316852894 +11352367946032894295 +1836789862098945865 +15290807431645977548 +7561780846186994462 +990431398568550044 +28202091682475481 +1873618476141587706 +6158999882278773463 +2625039594491877300 +18156084122812831014 +5134393553123291654 +6103488045385003446 +27920040886937610 +6153071763609698914 +17817804522273651820 +13088295555764994521 +11484609632517964810 +7300201445288444775 +1891731883377444965 +18058417591402761288 +12617306300617355592 +1785514015364043282 +12718336251609299208 +1007582050496295671 +13205377739591856984 +10732766005730172150 +601478743459631119 +9870724760171757 +17147561355486042820 +7694474574468618609 +17372488103738221728 +987047132949602326 +210659248465 +848678344016929407 +14284004833163944818 +6199257289102551900 +828143426470229591 +6288036249833395619 +2525934096996266724 +6864771691154856436 +7042686759039813603 +13819010092443053 +1209011269534884853 +1601401898984883478 +2001615947428407400 +154142005 +17089062527404543413 +7448422111885663403 +13414556888631496262 +7895847238519382046 +3449759276497070376 +161875284 +9944982326351193034 +18094944514036012688 +16100173195167024906 +17085967139697554191 +30458188511397051 +390583673060411609 +5955265978336369118 +15620129963623655333 +5141454965112776222 +477207489481 +1360360664480963825 +878291211892712838 +6648467691684451165 +414687161382302343 +2248112069177511242 +1626046306171505473 +5141941687247598168 +1923122809628669324 +15422169371038721687 +4615085980062260883 +18318407404392095924 +16038494049631275832 +15677962722463394831 +7269976081480177903 +2113895771773936963 +1730289986280648542 +15288269228133070287 +6366353518750730289 +30740204913646888 +18116298252507769435 +13514134753094552413 +5415128062743029295 +375428782799131023 +574051279841749936 +32714349826082764 +2196834197 +1773948726581614066 +12373318798695950573 +4385540065350325016 +3207856338719366486 +700756159653 +6209141854797958464 +1413892608044783680 +2325785816592100005 +6258725573022652935 +15287141252804277105 +13515324995391537141 +3278044478431511765 +4276502127891209629 +1873618527730735239 +791527792311675237 +4195011284014798258 +9627456835212554657 +11084138468834957275 +14666204015190028932 +15720554645710198671 +13964897540691468383 +2428928023963905298 +1836789870696296188 +230045246059464559 +9870728841688881 +6783922830284048811 +16758489801500073373 +3323445275731759684 +7513916585351132616 +9180319043391531039 +9870724845237529 +9870724849104177 +7677136701370927959 +997592477111182417 +12171433886629047194 +3189379975306501079 +8809880404702740648 +14087010258140927971 +5304739142270212959 +12962168919906467380 +104307364886491156 +5677488628097763979 +2625321589398966094 +29894172902759148 +1587560752945838358 +14003328469234435010 +1943289755111940036 +235341186 +1735460695 +7410231591516644825 +15343340529201341323 +4029075855889210307 +5831598077227130836 +12266254898671666031 +219260460469 +1466296524689462034 +17461812064821268857 +8376968584539296092 +9673288774166338958 +14235290684968748791 +5248951110474808944 +1337484232950882164 +15289397349633181711 +15585096757891251992 +18028677426576297200 +15291371494545626303 +17084539250142884308 +1197790749063531595 +7651462989145532337 +16473811078916430558 +5782296375404680521 +9870725383943734 +18004909088861483199 +18411699893871247384 +14087076183407159595 +6979009775308112081 +8780225706573314901 +17702475088433795186 +9098220215894286966 +11977104894336375640 +7595953279436000407 +12821325162865587014 +9183456002463114717 +16264553306258760745 +9870726399489756 +931541147651620760 +6928015979368743101 +8474548068670575727 +15667276471880592654 +5126204079822885027 +15289961373839156710 +1873618248285906544 +3070298320040768799 +285607347 +27356033875642607 +14936952776143106296 +421319034859 +11225812687234998577 +696271947934806008 +7140169621608202795 +9546853192233794788 +4051155569414464096 +2146416140118467071 +14982869490875585212 +6768811986572177428 +1410790487802341854 +10946994120486500418 +5092637850270003384 +297207247 +14665080795852289 +4028507886459108326 +5437205686656571964 +1873618536328085646 +17625510101737609951 +17804304315225161629 +5420640272110397940 +29612165097865102 +15291935454265819832 +8777599967579352176 +12361695702868838663 +12024734172668586404 +14262516039668415881 +304119565331407505 +1873618514834111506 +2622783716920072097 +7835949018194850338 +9944240879247756823 +1900503837079185526 +8153612483832521178 +4959080487580685070 +820446914 +2161929770314984914 +1873618471842297747 +825887260856249735 +435661068832889484 +2150364365457593437 +2625039590192585131 +5151922516166918766 +10635548174517745471 +2534438137508885047 +6156455960443572461 +17051410629291497196 +16484767916133650836 +3880870067092470378 +1551701861793939340 +16608774884222594583 +17061252311616073370 +4128778066777618963 +10354646633646138215 +9840703129105362544 +11077353883404275889 +1843840254970393450 +12748069930671214950 +5197393307525344825 +206359959429 +6364097417622529186 +17477017067182824116 +3614268539832458910 +5782296426993821915 +2844023565049751495 +33560399035500835 +4520162228544748674 +7033669788781707624 +8898160943088018425 +5696907885818833273 +15293063567167412690 +8973926108277322805 +12743235258114134694 +11799732535023920894 +1254424885955617491 +2848264778619238242 +13913370016116444060 +8426014024744132063 +2169081811070840845 +17632680791996576733 +14101065187224430 +18142877345697172093 +450064124585260027 +7245823431021167318 +5745384143842644180 +16874641756321488690 +10469697154609595612 +472908193177 +1374799038194462012 +17793797185333051358 +1625764294068490606 +12388067938964350163 +4203593881757379418 +2146416191707615474 +5569296709751673656 +6779138548876448839 +11530680413558889237 +29048106497427225 +3614281497899393026 +3246774908542345022 +12887467162178638024 +16489629866924987057 +7198059761996361658 +14270141548948171169 +1386219251 +14383081589460536 +12656879248358729533 +29612216687005075 +5875369269012203874 +12270002014675742514 +16881139122607163585 +17620704765081893413 +5484303510948557153 +16892159328283355024 +15270402497188410884 +27638028782735299 +14242931805982318929 +13650504529854073222 +52208545578830120 +6988505136286147535 +15197950006054182468 +9944378727775497346 +4837165038385719256 +5675796594167321040 +11949535899568648414 +1873618523431457534 +15292217492164734336 +11228068116584419612 +2150364417046744176 +5622546645511781972 +1096085160690412335 +305854498940611076 +15291935441369178100 +10798321639179161922 +9005074264763868857 +2964529530791004782 +1626624515282660636 +9942444152932297602 +2364851882646507962 +4009970462785949858 +5723537903358643282 +6014764310326504473 +10819031677130068394 +2786543318764361076 +14313146937930356134 +2203332293412793035 +4062309504826288194 +14377452537078620067 +2219137196199645895 +15289115350425613492 +6589396841525218554 +1873618458945658662 +28202074486558250 +14036209199681588774 +15290525363654505504 +1789180301683290072 +5303047073946483622 +7139323598194672147 +28484155374571809 +755605599842666754 +9459967530639190840 +2625321585099674041 +6153071746413764306 +2501167382413400494 +9852708033352910628 +2529611247666012037 +1842430228844861211 +18266077987870755805 +9870724565595059 +5572365145471913145 +1476216695435703044 +15292781567961023934 +5967789407322381666 +2544766567488425129 +14426789124208021261 +10632388183210081825 +6655536885515703018 +11095870789673563135 +8646973718275106371 +214961183601 +9870724569434342 +12044853605470466521 +14261670016254878876 +1839046006217731769 +13816341447826089860 +9135420176086364525 +15741799161227324560 +15788821327926679641 +2845029541903604476 +7300483444494762861 +494159375523778658 +14607325535292233005 +5565348471515934222 +1775730757008118527 +2598817832672259206 +8331624998514805880 +10166657031755154988 +13840750600836694918 +9714279527212397473 +481505528096 +2573543610120745013 +6098975787241324094 +17186904211624647120 +15598524413580768170 +2728587511316095950 +5991347884505042103 +5245848942942443751 +10975725499142134604 +15288269275422927189 +9553747506685025491 +10569185367028016324 +18441542378571183306 +6882480182072270262 +16871539593087250693 +7718319186166434698 +9870725104301430 +1873618243986609267 +9870725108168064 +10803922177017063961 +13264318614614864021 +9627993464492075095 +9363571204402405078 +14951499744970160601 +27356029576364557 +9087257516001801352 +31022238513243173 +17083693235326683953 +6205475671656958329 +604787429546206876 +4246373952440904578 +9444197008646280465 +6201941198599169450 +3773070280961371026 +5993604045819748827 +14690331310683350236 +8722320941849469911 +2624757569491059920 +14319322726341873518 +12004541073935919741 +10210667886360026497 +3455445740420289105 +3240858195386586982 +9870725127501220 +7418687625812579499 +95187572621070731 +15288833321126743839 +9764083146918022044 +9184152415375661669 +14193702923027245777 +13888074485517134534 +3852143464667698899 +5964807 +9870724635194429 +13325621179313899350 +1788898272384414497 +16912274529230088855 +27920075280174823 +7603297094028501146 +15292499560156114323 +5958086159560417204 +6184760857354129489 +15288833278134929348 +17689646148640055320 +5463642874545458788 +7193983611668267690 +649387783418440986 +5564352154681100991 +2625039585893293460 +6101795994259823565 +3382055312959026933 +5831598124516989455 +7941089080061617743 +1842148156554161967 +18322828492489300357 +13237708544183762949 +9870724654527569 +6527875269586333982 +5668141230723447987 +10812111870465240028 +5780604328577599680 +6153353814405179537 +15311868345861617173 +3168546442372859713 +948517604503788459 +6364097413323243419 +11405246090117385159 +10377197347619278175 +544671237 +48497794 +1731418112078798340 +12318365723907597442 +11505609487802130152 +1910933862240560756 +2107398388291154603 +30458222904615327 +16874641795014006554 +1454512157356009773 +3069894919890218196 +7404223642329751080 +1837917966401936963 +1386146084913761249 +2440135203246593354 +14101060887931127 +8699826802061690004 +13728324704035097366 +1376839428053151949 +9277666686438550059 +5681866801781810714 +7193137536665584262 +71697585 +1629430520200057580 +619366483213242513 +1483455222068823460 +17306856587979067478 +5514354662679925185 +27356059671534288 +6366353553143980889 +5623674659533098087 +4493450053275367665 +15291935544547500225 +11691287555752344696 +30740239306858421 +425617067665 +17228001359505286862 +10019409906898119609 +583337550 +10910702634774575606 +10690761425984450102 +16639546000569156313 +6339566160181546318 +957876230617127819 +8910392170934392617 +5885543820362146241 +7514310611403492085 +5808959654350710740 +15130493023850934776 +1042835272221356209 +15448636417986469729 +528050715439948266 +6313103561496612094 +1750012465928094697 +15530553734630410353 +9870724716393636 +2012231231909479708 +1841584140945551872 +7299637421081232213 +9870724724126917 +8502004638977105186 +17774139000913996907 +98764012 +11704575149126332147 +10490476657714671848 +8632659985729535750 +10447833913966011082 +10110062484662004037 +2372569397843279929 +6928297978575061187 +17617320538155468897 +5141736951422460748 +17439216674871260333 +1142770603949055523 +15290243342952964427 +6535299316379312284 +13515324986792950592 +1606616889 +7264899764736054865 +5831598176106134247 +16873513690709783166 +6097847713032255665 +9306539558694625731 +8211279456798779063 +9870727239792428 +15287423252009396008 +18416812361757383337 +708172349707927594 +15749634229646803737 +12664287547056663603 +11065179658016984404 +33278386931324122 +10339165646853184896 +9108506831295435276 +15290525359355208555 +10369289955208080771 +1873618454646369943 +14579477519496464268 +5577041317152445694 +10302941354694948239 +9870724758926565 +15291089469544807158 +2625321580800381276 +17943881551802757455 +13248148442001002282 +4546096343168740527 +10375505313690039904 +5724391431735027967 +1309180120182509521 +6279040750572943755 +470965687004974547 +6280132046092781480 +33560403333562552 +7459974813222132382 +1645283135 +17618448651057046930 +15235418116004407616 +11883993473603421495 +4123042299099240149 +10427987387505838774 +1649149763 +5923010239074949154 +18108263961901750546 +7298791346078548785 +13061838410030869016 +16472192147589713473 +6624057940542777203 +12164227728125071672 +6284197438710222979 +12904310825997050576 +13499371927381948358 +9935300836733373146 +6361018468021521682 +14353564991132292700 +10586524174966665292 +3490460290412003488 +17255422109221869336 +9870726282245819 +160630088 +12370327100087021681 +5669547748294805814 +15964860133879201872 +7869373097834928397 +5837238431076407878 +15289397298042783722 +12060668519268235393 +4952762403310489173 +328478099747850271 +826733327260333667 +1737017163845168853 +708913316474285731 +5980491615535060026 +15293063506979657796 +15250684691170801565 +3822346788481749843 +7033951787988025710 +16518849648960935145 +1278770520813612919 +16445524565657924809 +11966722661120888839 +1873618239687316902 +2691365739791455227 +1776768817523933321 +17940389225635867513 +2146416174511690250 +13944144563808774735 +6367733725105377475 +15404667579268681910 +1413892651035350691 +10329316755526126314 +8617826180017097732 +15289961343746577772 +5276927975692379694 +14383064393541239 +2244972557975622271 +12426035771138980274 +12228105279427201578 +1962768234876574295 +14518062923925496084 +2158263565678814783 +2624757565191771042 +405128873075753889 +1370208480239562233 +16051417139579343008 +15198232039653779181 +1571386258306059655 +15288833316827457657 +15857885791961706522 +15290807461739907812 +13705852420633668133 +1873618506235524660 +12663211720943410556 +5193162992699592456 +4211214273 +18063697714824955308 +6100103895843613853 +12959839509293383493 +31304250616208872 +13401227900635008578 +29894215893325965 +693451783906863571 +17564433085802826258 +15906738506193987039 +1186099885218360112 +2792885536610787496 +14462545435106427289 +8088377191905781585 +9086129450390083899 +2478171390190773745 +13729170731746681189 +1340781295652596934 +16575900413863751326 +15507970477422816200 +9671314672244446054 +1464040371972038318 +17114220222375349415 +1895398152500764094 +15292499491371046897 +6285543329431959369 +1223976979390990584 +5780604324278320059 +6927451955161530539 +2803649555476918572 +17899548289174300733 +10823606657006068439 +8572897639257885897 +932669187468833493 +13819040186387289 +9870725374965231 +2784845713136570641 +15289397349631922061 +11743586626787086620 +13112992413209136964 +15894028465201178897 +6257879519516576481 +28484073692860841 +9870725378831882 +257295767 +7139605597400990233 +9870726386644697 +13715393363143716902 +7395042519545568020 +8515376930132869000 +9413571558880854605 +11738792369437095932 +2789363530080921672 +14101056588636687 +6155298040667703557 +1665673126098857610 +4654977494911761892 +1441182034339119188 +29048140890654641 +32432320525969987 +2624475557386870829 +16031695996595885850 +5245848925746498412 +10021823291859211026 +421317779934 +14044077120901365202 +17270577646685276262 +1756442695560209432 +14859771242809469358 +5793852929589407727 +6368045642961599613 +7535534626755205824 +1201533247087796849 +4753256839399350686 +292095427 +4408861808311732655 +3101815889301671318 +7770005733242068965 +6926605880158847111 +1042835246428074257 +1185817877413441219 +5572809636517251467 +15471768298077297205 +15291935475762419069 +2676033356038211833 +15665866372670697454 +460070945943400703 +8334363776853885934 +10505850878104849728 +948956379585130684 +11244005124248652809 +14665059300629940 +15819605076376167491 +5993604028623832013 +16424510829738933515 +14291312133784234611 +16095291319490520568 +1873618514832861567 +2137449994706697074 +13899132915531980343 +7540139263596785368 +9229327787077539218 +1815414630 +31586288515116699 +11056615713204276877 +13247733904366117268 +15755410569558958654 +11614883459769840980 +15288833260938995164 +7033105764574495062 +12722344974410257499 +5347608075563256826 +3847505084988745097 +15287141175420602663 +8140646021471144391 +10757169831990812463 +6508490313918594253 +9282299543755380664 +2625039568697370395 +14982682455071025008 +6041909405012944348 +15289397401221092183 +7231170880984722845 +1413046584630010701 +15293063610157980607 +16844726366016706429 +11263594107856907565 +4069792367638351644 +15289115277341254349 +17515242666411574330 +2599235317101563013 +7194265610874585776 +16306038205786625992 +5565348505909147913 +5510538250602233370 +4605111747388197892 +3527355970469895323 +5353476880071931954 +29048192479792338 +12275924320441484736 +11101562706524464016 +10399694839059647253 +32150321319594947 +1574206430930102004 +15288269309816154903 +4149205691847685268 +42646132887018775 +1222848896583407945 +12772761507599693363 +17783567720317593208 +472906930615 +1996547926054038717 +3628529271274153067 +7032259689571811634 +4694804975192714009 +14080227011338462023 +451412962854 +2361671975684946288 +3884265248649861225 +17621561863500597804 +1810817901519512853 +29330208882041189 +5245848912849879463 +1519546404559860966 +9194993331203433465 +7410173966093389656 +6981265893632442654 +1873618235388013094 +15288269245330369782 +11848796824645952756 +14383060094251722 +5570988782373393205 +7138759573987459585 +4399223229716322165 +14372290637101152488 +31586340104267933 +6769611582547697180 +2624757560892480770 +15292217492163469584 +5162541817113620510 +10161648502327150844 +9309587720955720030 +4750593114464544884 +7087765778048090605 +28202117477107787 +17619294665872010416 +7717191086162907893 +13787119239363120646 +10354526296759282284 +9788517128793253127 +8677060819645319398 +17072206346125144494 +4543926375081584276 +11824914510819761991 +7727798225650862674 +28202074485319765 +5885976069999103204 +7299919420287550299 +2509567599504268733 +5034923912583332789 +31868356506506600 +12748394307995591241 +1873618458944407602 +15290807392954817527 +14424532971490583318 +7341897118356350165 +17885450446377522161 +12982659061607580938 +684134257892528978 +17363034096977459184 +236453894255 +11135267201138124077 +6925759856745316463 +8501508386016339928 +12818875419963887318 +1252168741835518555 +688626691814920557 +9128498766157726856 +14879787200419552909 +13819035887089241 +437798135292389877 +1040015035110285396 +5501482065124005657 +1005889947780731511 +5783988478120368719 +32150372908742868 +6366030620467747797 +12213481117926952798 +1996539656478999266 +16522603986657956815 +12137496780435628979 +5996142163351639351 +15448753689159680117 +524496100364 +13059312550143204768 +4638051745953439756 +11844539297855390085 +9870727087748899 +7086919703045407177 +7174625849309226967 +3230891007074313728 +10125537471628393135 +16790279815116313684 +8064147145284596863 +10935693860259700977 +7716251883856473172 +2943693361899528708 +7843398867123005108 +5450820461064635035 +7443582215714384592 +7872981636087095908 +13239681086913735592 +14265336190797232581 +5932495662953883481 +9870724603016179 +15298716422213619186 +17791686135667584947 +10913362918446674662 +2149273943172058360 +12384683746431162013 +15288269253927723178 +2686125770937233144 +5995296152834758683 +5812584653494167509 +7193419587461055128 +1733674170216626355 +16615248462758566057 +7744402555858600749 +5938662003046035426 +1574770485231250253 +27638058876668358 +8562440839455130426 +1782984201801777392 +8388259092415013390 +6020446389059070760 +2887862114674809816 +15930987942864186422 +9870725118522779 +493159910 +14437962537598526539 +10226754407489222887 +11131449859774040199 +12192434948939334226 +497026536 +13044533461222492618 +10864636191164351907 +12750379368847708023 +900303647356304913 +9870724626215975 +2676033351738919405 +4441552753714222081 +9870725126256034 +15293909616375591577 +1413892590847608999 +16653698845341399242 +12428365391986694264 +1041707215209638835 +9572548400915114140 +9870724633948924 +15185362616787929891 +12452933 +2306165990386975596 +1204131931776304087 +1730572006983553017 +15619686604870599371 +15961467973966326886 +15293909573383775305 +11140563429835694580 +15290525393748442382 +2519381704729442078 +10592171188278674541 +6117474854535782414 +13039730140157139067 +16204150621577035389 +1785804421715751130 +15800517529231567199 +6228389264664442156 +9932185568725977241 +1785796079057594607 +6755995712349152397 +10066048840209604339 +17603806066300961028 +14490988199065491942 +12219047056026966016 +2625039564398079643 +1043399266334752914 +15294191632777817421 +9870724653282375 +1873618446047797372 +844100032176793339 +12943066728187447197 +4343368849768076350 +16432418256544553135 +9870724661015651 +6156738015537077122 +5884848030183348221 +8958290849640573474 +7192573512458371700 +39519323 +8223265189353624140 +1667319903300235658 +6636564352376793257 +17424331172825998805 +188186542276165017 +11346153491073744014 +12064293017781873147 +14099248970672773396 +7203140932802195055 +16365628939578248464 +1145939178431530660 +1482883811290919130 +6220141318186488468 +2789363555876800930 +15793124911093001 +109394730842459075 +62719119 +15288269305516858010 +3722579929450429010 +9832674736745753092 +5409828931773997544 +70452383 +1809125803103311117 +18362962200511339488 +7195229034885375675 +14101039392708110 +4131316231599362936 +1818913878670141121 +27638110465830453 +15662744619552024266 +1076049988386843883 +8487813929601029554 +12169253260185967280 +447113674244 +5511645657542432500 +3450350384745373130 +16910942470763255938 +6995388155836000009 +15293345557775132537 +11311918831493920192 +5726226297114414226 +9568441482583609548 +5288140009902852667 +15288269241031091610 +4978071700066683978 +9477584242102184471 +6509730691945355457 +5516046735301620979 +9067166288262814901 +14383055794957197 +3531133647988093762 +7944541974714216120 +9112466973607217103 +4392112055939238832 +97518809 +13779705592650618193 +29330140096976231 +2624757556593186045 +15290525445337587126 +15288833308228870962 +9268584837868511877 +3546638778076971558 +105252112 +770842253709622398 +8773225958283941074 +1873618497636936135 +1497235361463876804 +15292217466370224273 +5831598154610929558 +11962278756907897375 +31586271319191951 +16913966610449133709 +6536459277275960546 +8180059292076355729 +620758607 +5357989103823764773 +5461950776129183119 +5457397661899319766 +9800721942016444885 +1873618454645115682 +6100103844253215989 +13811103675450410276 +6153353844499089969 +5880992462816827537 +13665911791399744577 +17089062591891708228 +232154599513 +6158568107615067258 +28484129580058779 +6179874998342211302 +17944163581103067372 +5783988516812903664 +10187268591481790765 +8957859492011247812 +6364338522051513116 +12751507490346635560 +13726068529822508447 +12640301435078714584 +13819031587797673 +8910270478416763148 +11723476463758241017 +4588984415399316953 +13829667360338960553 +6152225796085980908 +14861581765101308138 +15287705225422459160 +5407854838450711569 +5382568464931106256 +15289679370334916057 +10192709339164136147 +4944392473183547633 +15942884970699436942 +14312300901618945184 +5461104765612270679 +11076225817794002686 +9179644158858849710 +12913795363565885871 +4523828471874809329 +14490684999144665179 +498702821858 +1576180601638432646 +13273748593945892359 +11694336983993944947 +32150304123675012 +17972467101245841611 +16798735162291987411 +28766124488332074 +14380274162401758954 +3067643081556507909 +1296001166564737286 +11731683713072444373 +8663192652061357284 +12481583364853491100 +1465168476275032542 +10189090411923910502 +618429790158798256 +15676270606850007202 +5875369294806846752 +11632771835500451864 +9297437052020078113 +17335756693960733129 +11573430772159094741 +825323228050451345 +13524360487806385657 +3727880716634627315 +17411595060376462787 +5993604063017056416 +9106722151497681310 +4444642754702553585 +439094070223905573 +1194007415201076993 +14620461487359796413 +10694515171064745016 +14153225681568016716 +13942734464598875603 +15288833295332230437 +1476542383467293588 +6926887930954317977 +1873618506234270102 +14259131851433266882 +13603584720092934406 +15288551244536691323 +15293909569084475084 +7717191068967003273 +4490127063637512594 +2392267112159645239 +5831598141714275893 +15292499534361594477 +9789486956897256697 +2625321610894314231 +6155045917120858363 +2625039560098787209 +1413046619023226146 +1873618441748484817 +2850570111682618424 +3665614274517954175 +5312096173677044205 +15289115311734475786 +15292499491369806258 +9092497847511114163 +301070953670201325 +8510103668314542131 +1414738713140154074 +7088047777254408691 +11085332710469999446 +3416455939372753910 +14081555637472418341 +14039400952366776757 +1971656187142825190 +12982659001419852095 +3921022040942857000 +9870725373720037 +10528906628815719526 +18255016883768812789 +16591029761564763845 +15291089392161144951 +1093547025963965553 +11970874915199465528 +1219784942757424768 +8484110767338835040 +17287055941801495134 +6926041855951634549 +4525236812567616266 +1711411343571710340 +17062153896009539530 +1411636476822777660 +1408797445364604818 +12573073537992379556 +1256399000774262060 +2558937682620329926 +14101035093408401 +13641210989408116155 +15288269279723612198 +7370542148830050139 +1201738995898017609 +12255950131722011121 +11569794592615592196 +2624475535891656534 +2791055602702619461 +3144768531629103966 +5569296722649705493 +442814390361 +1200046910379612740 +1731982131988092680 +283116971 +2203050311402524655 +14323638577111261622 +6205475697451600568 +7533100890453585079 +13230141004331490774 +15291935518752976704 +29612229585018456 +2731821718866385070 +7032541740367282500 +12151386029709423215 +15288833346921377853 +4800874258336803066 +4643200963322663435 +27638041680744193 +7034040473057910553 +15502578530275318390 +29612186593203745 +1410790466305854514 +6981547944427913520 +14106161495630947577 +15293909620673628591 +2840809200344840372 +13571926670287531800 +2183358971233780781 +18181080380579991675 +8313711534999675596 +27920101074822590 +9942444165830285852 +6282363583087519706 +810223219 +1094393088070004762 +15287141218411162999 +14603779206648127241 +16870411536075476537 +7193701586667373214 +814089875 +15289115363323630974 +2296491989677839331 +817956526 +821823179 +829835572176506991 +1456297742063309016 +12661099723206581616 +7297866959562555662 +7398819554416005194 +13415695143537635126 +1517290350721525296 +5884848077473195871 +15287141175419347199 +5619162392790845063 +5303047086844482098 +16930902619033575544 +5216457162996201227 +5526448520225897609 +4133663603883989766 +1147642972239774437 +9819715104592696369 +1943289763710652139 +12827636231990300078 +2526227059430873708 +6310847490462325157 +227855307524 +11080738063040996782 +11058493467485887895 +533825633792190499 +764904305988688958 +9870725970425451 +16254908014593323890 +5195701170417968610 +1413046563134782613 +2389164936029947891 +17542946382433232050 +17345653805760007303 +8139593855082179815 +8197562920226738941 +1197790757662252053 +18413391987988365395 +6980701869425230092 +2946293100247784798 +13762033578707737503 +11440253185667115779 +1837917992196589345 +689774611741829426 +2360608673 +8471628142875710601 +30458205707462979 +2174304915385900871 +10595566374135345507 +494403523498 +5196265237615754991 +17026879061622344381 +12062360578992139899 +6152225748794871812 +8858552325788144231 +12854894119326865159 +15267897209188330536 +7912204187237043191 +7813562745038847690 +17305802226190388226 +451411735320 +7792373120121047753 +1756099252980684928 +3311802689905833536 +12318929752414249090 +6860750646797675639 +15291935527350331317 +27356042474363350 +9082058141968174755 +9870727009171225 +32996417817702709 +17179861758519955497 +5456833590401050197 +16113243614009844235 +10706103907963048701 +6368045630063709648 +17176154617760334763 +7299355396080337737 +8477811091809060376 +6049123076685257241 +10558807042125275716 +13764610860437629587 +1873618544926801458 +14457971324883192077 +935489381589477951 +17943317531893567249 +6097847738826887406 +5219221325086663265 +8553630178781126266 +5126650846400572017 +16696307577297072131 +6785332882202956006 +2624757539397263813 +6204347614644020753 +15287141227008513588 +460139451494328578 +15290807435945386332 +3221822110943152751 +2150364374056310647 +1873618480441009039 +1464040410663313208 +14024382242062670131 +13727196604031521772 +12997102390996570543 +8856014186761037704 +2827234676919572553 +2419434238374014407 +18360454966651994719 +5354604928486491322 +1899651054595895009 +3875511751143420409 +2625321606595022013 +440801816299387133 +16593745093459386561 +15287423213318256758 +15290807392953587268 +651404411106761432 +6269466149234815575 +6045857724931789943 +7086355678838194615 +879419277504567277 +16112354652174687340 +2625039555799492175 +17017082289435006445 +1996539699469566103 +15273797639737585011 +5883005685635693971 +9870724566971326 +1497397344146445350 +7298509321077654309 +9946392408365293552 +9870724570810915 +15292781546464551350 +15289397366829229551 +9870724574693051 +17344893487108795855 +13819014391870437 +15287705229720509290 +16474939080039805379 +15510256655233005532 +3933266205784894615 +1445774942907271867 +4166190382674178273 +3117425657839695850 +6293435923465316099 +8088808536782935065 +2052891733976961503 +7247515525138285329 +1520956512368487579 +17772450798554325182 +16113944175589220260 +1457194758 +1574206461024028496 +2789363547278219882 +11076225800598086961 +30458192810823902 +7403331855550265024 +8650921965109600118 +1901711630905657482 +1964967798 +3292988330812139226 +31022324494385160 +1919773413537177326 +17783567707419731814 +14101030794118900 +32150286927734224 +2208983649182945748 +17997565656170650816 +11964228788262538169 +6153917830015169782 +16075175706583659 +527486618148358238 +1476527885 +9870724601770988 +11214563466576464662 +9870725101811052 +4067676013579033611 +9870724605637635 +2171887661434813042 +7354015409553933280 +2624475531592362397 +1837917893316327653 +878573202501885576 +6097847790416052560 +6813637092450781307 +3712382134374649064 +13709513699456471502 +18015051914722294706 +15799201061901459588 +9266209255073344586 +491914719 +6979855846011699444 +18059263614816428178 +18412545964574834747 +7359091387708098237 +14888729195982057515 +1495861011 +9870724624970776 +5567604589840173160 +464715404621592578 +13012951802392677383 +8889230321129230667 +14386655907411858886 +3474427 +6120000845640177289 +1873618532030172426 +7192009488251159138 +6949164228240424786 +7645126008776696879 +5885825849662397713 +5301072929034217258 +7341084 +15773142454203924705 +11207733 +2581508047683783763 +16533453944884973962 +1329348703615392235 +8958039704682959175 +1014586120351721887 +15074377 +14023756403079069155 +3794911047491867335 +6156455977639624450 +7141015692311790158 +9195973940073931309 +2790209566392457239 +1386332156641951867 +15229100703898684 +10759084139937147592 +18347035773045004268 +13488970912136115179 +99231125526179780 +7353169334551249852 +502468769495191348 +15930050148574260013 +15887384621096137477 +15289115294538546505 +538314223 +5727354358425608974 +3589943541717746368 +13939914291973594889 +42140778 +6233070486582072448 +5835546371351468497 +8344402900088472804 +46007419 +8300395871739655116 +9870726171489962 +2737848130102108435 +4000515045253450179 +1038604987489545759 +15121881936566707422 +13063530465455447127 +2488365593734231660 +6144105184579819023 +5462796894122412160 +5726226383096780965 +8437076122447000381 +828707506564772508 +692605807783130034 +15663892287946189324 +16440735815110978767 +14420963297769690508 +15289397310940783657 +490104246788 +29048166685305779 +3306859449907502235 +6152225744495578009 +9941598116620816870 +2624193532385980929 +1256116954276781536 +72686780885315055 +747547798969148669 +1775076736305018270 +15288269284021651619 +73073857 +573113924 +2729219867515446316 +2414921941537786676 +6179473259481992603 +12717594353261434417 +5832726215922108788 +576980552 +11131047426419408315 +15497637354033541992 +16505476999257597838 +6157569943016399391 +296253846918014369 +1256398940586526688 +425618462522 +1357540564940187044 +1410790513595734411 +6282081549489367742 +16876615853944224095 +5687765473224963771 +6205475680255681631 +17825755834712735531 +92406998 +1411918476029088162 +9374590145005437135 +459731853831637831 +1139141272353658853 +14273081993167839491 +7246669501724754681 +5832726151436333381 +15292217509360788735 +9870724725503188 +104006914 +15291935458565233885 +777500619329116582 +5326128019379665668 +8421458967022627741 +11375119844675882919 +5460499803637155955 +7174351089234042123 +12679203983491086717 +1732546181989939925 +6503563625825255523 +16075099944501669366 +1694703927601276198 +1198918823272732486 +8863761891274929572 +10547011333208943021 +111740184 +9304847443081238789 +11626061297668792830 +9901350255127967915 +14046051235721190199 +6153071806601630097 +100641190344216494 +6289513698882754344 +2000014403970090206 +1873618476141711577 +2623347457383283192 +4749944566801393083 +5461950776127924558 +14254502550571400998 +27920040887060496 +464997356536862662 +9817186141037272521 +11225379263765231338 +5345137152041496881 +3775007851104332339 +11457498694881201120 +8577815292222139072 +16741887775542226182 +2537448469784833027 +5515200703289500360 +2543037932670441281 +15294191619879957055 +17921030976248489327 +15291089448048344126 +5886540154394203797 +15897859282581860110 +295544243748735580 +18023392872770526082 +9944700309949077521 +13939914300570932630 +13320467611651024990 +2024153456133425106 +5941200116278643713 +210659379476 +4092873675725292838 +15292781542165262296 +10395714275383920334 +17529134218914449614 +1646659392 +13819010092574594 +6098975847429180061 +5888796307110366738 +17109444329883506337 +13716962709319278058 +8058180228213336140 +5565348488711964816 +154273078 +32150347114238798 +8501508317230012425 +6675940112908698646 +3617232734033427108 +16145254715686922874 +1256117005865922193 +7192110592924982726 +15044451706103690011 +1379320450696169053 +15226013478377757549 +5510538211911088930 +498701592371 +162006358 +5516046829881339355 +28766124487101791 +5139480820200462427 +9301857539287303398 +16560332262221094988 +9930548495207062655 +30458188511515529 +194767396286191047 +15291371442956622566 +18387029559061584784 +890886484313127303 +1406049008505270294 +31022298701114628 +7352323311137719204 +90526560418228728 +16960155082630846598 +766564860927631231 +18103555412365951139 +3094958919380966512 +6313103591589306839 +5881020564595829630 +1626046306171621971 +1806610914977984803 +3230523007169801247 +434215783801 +1683466373829698943 +112135203102072432 +8109847361548532686 +30740204913768848 +29612220986427393 +7783748169000905229 +12016354495582787199 +14085001079417612367 +5995296127040236317 +12524340376691679544 +16538192980636351875 +1014643471084428681 +9936910164818682782 +15925978862159217977 +15291935467162595577 +5410392964579928064 +11799666471627027331 +9843081593884529364 +1873618527730863158 +9448933323123941265 +7087483753047196129 +28202143271754413 +10280620561171947609 +5926033321115200796 +17706466419108552277 +5352348780068359234 +16953342405374329841 +13036754982088885392 +11128347662147939654 +5983746311439277835 +15275296555291863922 +11521995055244401171 +18116424960081924134 +1873618484739050913 +10168145894407475860 +5652661830449524503 +5303047121237721892 +5885976095793748430 +1841866165946509512 +11731126047447127746 +17793973764108343078 +16192053395217477139 +6582750332222920225 +9870724845368603 +5992475971610896233 +2338464757253615824 +9870724849235251 +1788388289715652095 +14288862971683828088 +2679326747979506494 +30176223702289522 +15287423196122329481 +16666663056761384150 +2625321589399097130 +5246977008554293236 +1252168767630168837 +15290807375757654952 +11314988902935506642 +6999798970927292729 +9442785367033141902 +15294191606983307402 +10328470753609137373 +10757572286839537735 +9870726364821199 +8193706259984948328 +3241533047597321007 +1523436990160188126 +6174018547463362432 +11844848603606294936 +12358116816724960392 +12350730930533634960 +17972897071863196719 +9870725376341498 +15287705212524589493 +15291371494545770844 +12851509922494416908 +7846695775617885258 +4093218321690206514 +13339207327026394641 +7086637678044512701 +16049231600033673917 +375393205545672491 +13527189724059475890 +15289397306641509901 +14959880358790309204 +17274252063251655797 +1120928004457589508 +2530175276171416110 +2422004670948205519 +3711115253286063153 +15287987271918624559 +6523806312927162161 +27638127663143855 +6340598804230258712 +1737254254678708457 +15691596642307038019 +32432320527338772 +2782962599897735431 +4854750274074012729 +1998795822094367746 +15287987228926830063 +3327297984604743818 +9581494030986391824 +9598712116745956324 +11286969412412727328 +14586538897092845432 +10991209791798073649 +5832726190128836503 +103743392269820710 +5567604637130041991 +13486365294955410013 +1251322692627471220 +15291935518751741805 +12271803412858234732 +6270229857615103858 +4866975958756243700 +15862097501686279318 +1092418986148126540 +6151097721875664628 +17637786995464300106 +1893142021278753292 +6571996857207772207 +15290243360149020250 +1873618536328208737 +5194855086816698563 +7057822699471462021 +13522668389390118151 +17007720368052374435 +8694854310368390269 +4310109704341248346 +27920101073579515 +8059210156514224800 +28202130375119070 +15290525419543087610 +1809057634 +17299513090802457566 +3880305999894815523 +6299438822014266038 +5317424798022594800 +18143793461179469600 +14120746522787387860 +1198918818973445905 +1812924259 +10255261970529932435 +12927106501363777315 +5566476545725107237 +13576236484307218617 +12972952285743189 +527217511716370412 +2625039590192716469 +1873618471842421398 +1543385872366377214 +6980137845218017530 +820577987 +883931475460447884 +15287141196915944399 +12424915693546515156 +18412827963781152833 +18332619636094812530 +15292499521463723078 +332973049518177307 +1084382915397037987 +15291089486740861024 +3581589705084459780 +17082847207615237013 +435824003277930184 +7192291487457477224 +12965462547964574624 +12748983629090480701 +15291089443749045658 +15788257230633833666 +15610850920120676089 +206360090189 +5782296426993944674 +828425472966615631 +4280732348137559803 +5491579806479560946 +12553987782349496202 +9870725973046896 +7141297691518108244 +3517309966015346745 +12012735189037878892 +16780452227807187901 +3698377064121452918 +15735927946891050594 +10864261424787433362 +17236738792057942277 +8114567754226536574 +15802896446603227786 +14101065187353926 +15289679344540404182 +5098070090331469324 +15289397293744856847 +6922632561930432564 +8820971530649884427 +12569695609956274944 +18005251247539030727 +1576180575843931355 +7247797575933756195 +14336389543970287502 +16436379939763522819 +10351342685416286907 +1951690094360810987 +617000559100831105 +3880024065174221517 +1870189643722080649 +14021752200148692358 +10259276900700983980 +2147953276937921962 +7190869723846421676 +5406444713447538949 +429916492167 +16436032042250550521 +10907429537674631381 +5736516859777282852 +15289961360942650002 +7448029710061606536 +1254706859366175520 +1390216948 +12484855343804403370 +15290243368746380527 +10106194057973616887 +5622264586117852320 +14835085562484363313 +1198248652456811368 +8577531529049752977 +9870726023313014 +7085791654630982053 +5162541838608972766 +6204347657634602158 +1561715782769775052 +10452600916550175247 +13011541759071235235 +1200046832995940220 +16111065514934806930 +15287141248505107111 +18175237612192935411 +1873618523431570766 +929718201372793268 +7034797858691613073 +1306063513052072698 +3235340190086490607 +2553424131400421491 +11849360870347249572 +1917323123 +15287141205513287152 +17848383952448021774 +5218390986792845307 +9939811017820627597 +7559355238254854730 +6222624972888756187 +15664532190584380349 +988739317348310546 +14311736903207618733 +12567175869885336038 +13652397968964083810 +9840703180694623122 +7246951500931072767 +31586254122014382 +28202074486685787 +1873618458945785000 +15291089495338207032 +1732546121802209896 +16848105647853671222 +6741138607599781930 +13126058378656032031 +15593018500282740616 +9870725054166353 +2625321585099805013 +10889818623375339686 +16481554245637247717 +6912144703481340012 +5356297001108187554 +9870724565726133 +3028626790437840684 +9870724569565199 +7401639804423909393 +7353451385346720718 +6120385133579475949 +695707940923656887 +11234554554033919094 +9801641767256878980 +6698767362340231265 +5782296371105504258 +3628204411664146003 +8219340492332677260 +1043963281944762347 +16467764576550477180 +8857574718893084313 +481505654703 +10646954815923687157 +14767825444794821064 +7088136458026179767 +9870726596818673 +969464150649171386 +1256398974979749258 +13936167227557433774 +15183292650242141392 +7564209663952896299 +3636571292134086026 +7639277112358170772 +1239173295203827955 +1519546413158579420 +9339868219275807320 +1873618243986740745 +9870724608259084 +9870725108280927 +7571955500715355675 +1357540556341595904 +7140451668104577596 +1711003895044521213 +417019856852 +2643004945252375566 +5459976730094482672 +1494615825 +575239712867628910 +2207573549973072084 +3560777292679875611 +9894329350782083540 +14665076496679950 +1998522241 +1788616212990478020 +9074135966917477889 +10162787617149555042 +901973780137907182 +12714140372012388733 +9297719094216972395 +1873618532028934013 +2229224 +15292217500762183024 +14468890435140207273 +7352605310344037290 +6095881 +15291935449966652292 +2413828615876119350 +14954941094161559961 +6209141837602185923 +9870725135365552 +14934762739409427420 +13679090983033846917 +9552217677991002875 +7218934611157211103 +4265757568819538343 +3270958027814812417 +6764101962615318137 +2625039585893424546 +1873618467543145216 +1178413957016672840 +5419723348148095813 +1454859013759439056 +4938567614984502778 +12744728034573096628 +13544402356149177161 +15483444638967338978 +4223816177647291789 +15289115337529121633 +6148990677152961516 +10920788264813218694 +5406047229552643177 +15690170833083709165 +9921844627374813865 +4583174912438129946 +329624680433338164 +14005469233666615531 +2785415309041208481 +3530088527161999816 +5780604328577745514 +14055047205356786703 +9870724666258552 +3615988824375956579 +6668396212064965547 +13887458236232774832 +16006502782233109260 +1839046014815188426 +544802311 +1522366577185288948 +12432001886180292682 +2992863866405131539 +12753199597361570610 +5461104800004271879 +6745049267550772562 +10077595329594396871 +1780728070579771867 +6044165583523680286 +6205434785478357346 +153954628474770039 +6460543990695867255 +15287705195328650551 +12930806306788743100 +17951052289351758848 +2311596397202514585 +14101060888060249 +4413263568303106525 +7246105477517542119 +9941335021241977154 +3452332532274912768 +2624475561686299092 +11107255586326716308 +6399946479323214635 +5199085482290646157 +71828659 +468609013412 +4262393995373534661 +1224407839832874534 +8253013595490101489 +15676397510313395081 +4618470194090938050 +434695937666202838 +11007456264328845668 +9870725201098181 +8209526949857074610 +3923952264468701755 +904009217991514659 +1784676295918888252 +15288269262526426960 +9953858474553274329 +3576060792758938880 +425617207943 +15287987211730887769 +14404715884976236367 +103743396567865548 +91161803 +9870724716524710 +9299129159035022400 +1254706855066885506 +1410790492100507118 +18112830070108732551 +5459976717197857151 +10143775216852158997 +5412085093090082690 +882239428633371086 +98895086 +13772155712447139983 +8429383870481837171 +2698559761672716409 +7579950199755724911 +32714319733657675 +10863226143542354478 +15290243342953104274 +15287141244205803890 +1873618519132289228 +3675469967328097838 +10511478011790434705 +5304739198157530422 +45631164175750759 +8371959251560450310 +477658896785281985 +7245259402514858691 +10035088838719777943 +15292499547259612025 +2063913154410652060 +8906482608725304574 +1836789840603859320 +10815931410233180567 +9628263353044195361 +15290807410150894622 +11082860798947176425 +15290525359355332946 +10099245128609918052 +14360870697016451167 +15325436600494472791 +2625321580800512702 +15638758361096011537 +9870724759057639 +5281205705011571811 +5409103899389467675 +8597672046546798567 +1774512720695153490 +10645348217269017339 +16298859552331344152 +1144540856295319517 +14179661435648496122 +5813053462769590085 +7351759286930506642 +5349660425003807668 +18413109962987470919 +6980419844424335616 +9097528007512642797 +1104816004688068464 +421049747515264350 +153027880 +1455946274504314235 +17621658575450945445 +13086328473946711467 +10366340740537538759 +15606586177008781528 +17691343481311994100 +17785259810135422539 +3308269493230333705 +160761161 +15515478115209972344 +15288269314115582436 +6203175300535234826 +9870726290110140 +15291371442955373424 +17205553334892506852 +477206349773 +17498716319787861235 +16525030237164545332 +13885685194831573582 +2572415578902433273 +10649664295314066915 +12911315469544935791 +18129074234833845157 +17723661893545515456 +16142517586844799217 +1873618239687443836 +1362989062738957392 +11255875486607293081 +16744553067770292848 +472638123518407025 +15293345523382047787 +15292217539454710309 +502628324813772521 +11613217769128399031 +6322403941467513148 +14335380142360044676 +9870724820923665 +5251489301091146511 +195560810 +10756875137560615397 +11849550648689124232 +12870531944682890434 +15290243351550456494 +2624757565191900497 +1042835216333019842 +2804495565993959837 +4536471466122043354 +17837453566693239557 +1894834033712783588 +1989768577756851664 +15174761220552158665 +1041707189413896013 +988175189962806572 +4195293343407755876 +918014374844309520 +544844666756819408 +7010774963578295537 +5677488671088461407 +2625039581594131151 +12171184641427909626 +1873618463243838121 +2084492846118620829 +8040837036602244035 +5722409932328020430 +2134746484421580418 +7086073653837300139 +13616281538084234602 +9513397450873981392 +12020684574737635745 +230360445 +9870724855723329 +10500701784016182978 +270697233107262319 +5908323231421516865 +16304469904892768182 +6724737021359448198 +15292781572259195061 +6209987959894727011 +9200853806451922646 +5516892784508541507 +13709030295932922217 +5996142189145041924 +4817732052453109853 +11373290136862990345 +5782296418395372321 +17785259861724570974 +3666803035281116020 +4274329553777924069 +5246976944067258400 +9870725375096304 +11995199952005575701 +4094847807739872315 +7872291594684149088 +10331957377801799627 +17015736054586826231 +11160825938585338204 +9204240858826827296 +9870725378962956 +12777501753067135504 +3308118261904711755 +11127961588135186306 +3452050541665856012 +7630443591734790732 +8713495324334053785 +257426840 +9299709572676857818 +13810291222686749615 +9870725882869321 +2465915754674474585 +2010281671118111514 +9870725382829609 +7333338093980689693 +3704978477546427009 +8794768896894507623 +6152225761692894219 +10309053949146060262 +8814740290813637397 +2861086850442988667 +15438242078070690865 +14101056588768027 +10379171496831108185 +7560543480811906720 +3210315123575909791 +32432320526092396 +464309721892 +17089178018187927568 +2624475557387006758 +7650754020486832759 +6888657822347371450 +16231093522553775307 +4436378712987412739 +5198239352434401373 +7263381453087393291 +9476180711086252541 +12664851523972840750 +421317906983 +15290243403139604633 +9120210879817215413 +10145099925993573452 +4697061119311682069 +6979573821010804968 +1169867825687130680 +12956308276644832805 +8516820606556389543 +7276444624641068197 +4947940129341780828 +18412263939573940271 +15291935497256513367 +17345010045701019945 +7406761828646869494 +6971520520943980544 +148751106950916627 +17625228020848465720 +9197666094378802763 +5671848295743957104 +2676033356038342963 +6739699622450777274 +14665059300765965 +14934762765205327654 +14500499194424731090 +846140170598091095 +1695396620182571808 +7201922442027879195 +5312856395495917076 +1873618514832985105 +6218953989384973268 +14717113633060560232 +1576744569957343770 +4390701973926669699 +7140733667310895682 +1815545703 +7576852735584981396 +2055823596659948913 +14427726868418158684 +15288833260939121833 +3650076267004369124 +4962374828093549962 +5780040244184035050 +1327105763 +13345741009825312547 +1178564838795131465 +5356297035501419141 +1732546113203614557 +1873618450347202585 +17011997294973951509 +14947075702983764 +1788898212196792101 +5726925958801597145 +6100103839955298399 +5243108696682925045 +2734678476775113455 +5566326282397760989 +1149335087852052764 +7126692450255120940 +16903238998122978920 +16872103587201970733 +1767766352370613533 +14501935124741187256 +6310847468965878566 +11395725363563555011 +18411417864571256843 +10016146956641988709 +9257080307582838571 +6886175003729486390 +13731641628611980082 +13561076537151153829 +2573543666008069247 +4277713720516615264 +7119681547335582653 +17822531669036766067 +9256796864594464710 +7960221585811380736 +14549761505690989027 +5564423899624573086 +6927733950068752560 +12164227723825921151 +12366136910267637449 +17758414033733371038 +515898894438 +5517449210700520375 +15289679344539166637 +32150321319716060 +17097227825074222003 +472907068420 +17291573824845254345 +14388795674833154724 +7034233834484400511 +878291186098314456 +8531195815641551880 +4029511595108672910 +6749561607377537215 +8535460881099940058 +16991151781330561353 +2576277293132963107 +29330208882181216 +1873618235388145897 +3308058812318626669 +12753961153547881571 +15288269245330504902 +18153025126751559715 +5249797202674912521 +11134642936640389671 +802207752254919167 +7246387476723860205 +16058583609134968902 +29612195191934510 +7288365174792656034 +2519729693145381357 +4858945738627883177 +2624757560892609449 +5791618305623084394 +5972037568399561830 +13521540392564903020 +12748387008397126168 +7583819773710450941 +6151097687483830136 +15292217492163611762 +8670233195164149234 +13837110371323764434 +1873618501936352075 +781570828132956472 +5992475988808178824 +10381023484200688723 +7875397936024466682 +1734238258909696313 +11333596236464339821 +17734759782129668661 +28202074485435831 +5458848630090961276 +2811722441283687253 +1873618458944549455 +15740334315622961236 +12483202836952538908 +5831598115918541063 +4445946672738011719 +14160573243022267031 +12137195938043475352 +12855578479614234993 +7033387759481717083 +15291089473842982808 +2849674886427989387 +8408355694125734191 +11694815825177553930 +236454025607 +903780211257061266 +16918675908887332586 +14428481261315634213 +9408168336948291950 +2755493796602521900 +5780604319979162454 +13819035887223185 +7243867462131130600 +9283301597305789147 +12622923746539432655 +5899052013081871416 +5565348514506609767 +17471009135193445593 +16044698410490726561 +1731136022592317808 +9870727072413471 +15008431550346895182 +131977391029891015 +315442540179234391 +7139887643897365034 +3444172667634534976 +17942471456892274723 +3380927212955659549 +881393336434769749 +16543696378457900688 +14101052289463523 +4384588605700385315 +8608091023428105853 +17620422735781897952 +7352041286136824728 +15287987246124116249 +460010424735 +6152225714401778054 +17088205463377874232 +1697571739709348730 +6275161907603138872 +11341778347310787980 +5624091869456263591 +9870725103187315 +5799298044209992787 +1627738426083201232 +1574488477427657254 +4855564880837354937 +7301047490197455748 +2096094456611947442 +9870725110920597 +489424338 +6908100892140920739 +621508790887722257 +1035372644846413675 +17620704752184146485 +1693170535549583457 +15014118480009386672 +12171312437261113022 +17458259031540849581 +9870726122600087 +8500063484584805828 +7867619042723894311 +14588513046303297568 +14923950229123327768 +5471385918065828240 +361675971418282419 +2676033351739050430 +9870724626347049 +1092418960353617971 +14962073700331449326 +3523125724429372709 +7139041568894681606 +14241281038845960511 +9870724634069507 +5405598733024579427 +5458848681680128811 +15287141235607216422 +2574671723021219941 +4616028941052503377 +1842148199544863858 +2332294827680799996 +9870726141933212 +5459976644113468915 +13915739326544165575 +988739304450448513 +15730244941329884870 +693451766711067587 +2625039564398210301 +9870724653413449 +9989782852368424148 +822839775150352339 +5778348154366332035 +5992475932919734232 +495542969232405683 +15287423178925162190 +9870724661146725 +16690993612902261075 +11824652051194999286 +8724608012048870948 +16794339353835106581 +2218221785259523599 +15519826062116461658 +5722409872140275982 +14273467008585125499 +14045958232268935862 +1197790774858296839 +8162319323412520289 +17600557249351981605 +13407762898220161076 +1575616504345616576 +8107633101451965763 +30458222903504484 +7861659208588340405 +15287987297713276115 +923439785555881210 +62850193 +3547323528789692845 +8487494951273588076 +15793124911242596 +6279040677488698750 +4836670023851984097 +4143061672239511273 +10717677643156842745 +7582565111975524313 +18001524892029104575 +10452048994918150559 +2157417503572844053 +32432346321981056 +70583457 +2727527751902057543 +8207049193562337395 +5196265211819987546 +17163493766823102672 +7242736020560881210 +13532656511522267707 +6516420189942725867 +11040187342788369068 +1776768851917302626 +13626565541770377435 +2624475540191078314 +4995529639851941276 +32432303330180919 +6890349920762347803 +5462796808140178976 +5726226297114536022 +1073131086680893476 +32996413519764546 +13427220419978792191 +5541986391579390293 +14787093348586497530 +6795216411027443006 +14413257117190280298 +692605700306909427 +6092080099993196915 +5193163048586911008 +14383055795081947 +15016451663009504737 +1092418968950955839 +1843558285856880178 +8525985451559230894 +27920126868215267 +6963620007220493431 +97649883 +14312864968818038074 +2597849021 +5509410163496651946 +12891357079079097223 +3080656745104347507 +32714319732430617 +15290243342951862262 +2624757556593321064 +5995296096946427721 +13517017123900577327 +6659288681984050573 +8370142806574589087 +14301356308388917082 +105383186 +14648423506775772878 +7350766340265224305 +17431203975446616132 +3189738274038104689 +9796067026192895714 +10585955816900225770 +8347710256694707479 +10095775271159013132 +1732546160493472971 +113116443 +1873618497637072787 +15984537480413207741 +27920062382426510 +6015017985077952329 +11456458862521166058 +5369537947945627805 +620889680 +12436338270374154804 +2706496571107648655 +1873618454645260313 +17117138716447429485 +18093509315353781992 +1007582071991775332 +15290807388655667144 +14641380483232723296 +5940757113192995125 +15530925132565127085 +232154732164 +13735668132425714305 +10699043268747745512 +15142404162196548407 +6368891636281524095 +15291089448049721545 +3696712944513135253 +18020491647878436892 +4631616963835210562 +5205376347324953692 +5199085354352713659 +13819031587930394 +1013515379678198061 +16278603523339605546 +102615249274417020 +1788052248969758017 +16465621545428344781 +17195630687712598440 +15289679370335050299 +6098975825932724715 +2390363305267053562 +3477293824168121281 +17104304187076008535 +3418202265618160018 +2635993685957951027 +159515970 +12921020019963142402 +2908175286381660235 +2473567754888886091 +6044165549131837994 +1930668198955452797 +7880716380647336385 +455711158617 +17089626594603841607 +330734273960750756 +10862662106438508171 +7718977057984699007 +11826142248422103288 +2224138645678283539 +714746536627148650 +4234673198106029806 +7936489785816852580 +15289961386737290432 +7741956108160621189 +6882674338183069358 +4890158661564389579 +15427680614100778 +7626094329524285918 +4151361002449609951 +8502459011534825534 +2341393787733872591 +5138669575428253934 +6361518302136509263 +6246188877658197853 +9419684159626299903 +1987512394946919198 +194315622 +15746639385482916164 +17652163440459473141 +7756557087588053434 +15893182424591852254 +6469036892210009537 +1998795749008743440 +1732546212082639981 +3642776180496617059 +17762963870129600615 +6316860770761849702 +8271097636514262715 +7034515833690718597 +1706035014 +4790241231713563392 +11739356363550635323 +17740080579981827302 +2576363855830654300 +1873618506234411714 +1092700963858051455 +13491187753482787091 +15530835708042435424 +2964529513593988600 +15288551244536835177 +8995550684990094810 +12063684487233745652 +10476206345657258758 +908024780281111745 +8715596568706179810 +16260410427443711552 +9870728843196216 +1995983957735381974 +15292499534361737279 +5303047099741252945 +5831598141714425512 +5080412918087107448 +2625321610894445223 +17119717297920817913 +5356297026902838384 +10592453243373558828 +16779888195001400069 +15135301684501304230 +1873618441748614358 +2625039560098916791 +13939632301365930928 +5458848612895039542 +15292499491369936829 +2785415326238521338 +17017082293734415922 +3588668394385649363 +15470167792673052325 +15289115311734597998 +12750853257602280080 +1624918201868772351 +236848518 +15207536979498069482 +12864601799300295341 +14428481244119703337 +14368049892416965470 +5565348540302518358 +16921919712692620952 +2729283571242054637 +15289397371128646507 +9870725373851110 +846704164711509390 +4387881809898719584 +11888218815508974440 +9892260962148830227 +12115128453863724649 +983011210292044528 +2678289775302687922 +18411699915366727709 +33560368941828174 +5835536206755026983 +9870725381584418 +6979009796803592406 +2746414843124214262 +9852718943046160555 +15291371473049310216 +12270203145506273526 +9870726385530584 +18153075185595072605 +12546296406419002034 +451651633792376326 +2842331449437669827 +17989348947424194927 +13916024478837138497 +2152216378621958991 +6928016000864223426 +5620290518589192517 +4064528641026559456 +11195150823295373530 +10859426818132544075 +4787888628921013709 +14101035093545969 +7072090857947142071 +6612442490840624558 +442814510949 +27356055371136309 +15287987228928204825 +15290243424636198564 +5832726211624180320 +2566449444308206151 +7140169643103683120 +6436443319328249079 +4057413855781212767 +283248045 +12593167795176749729 +17047739678441170343 +5670079292018873859 +1627738408887271909 +1254706872264192672 +14131629283031068227 +7512415564975465308 +3365548213302137577 +13288034261968296083 +10588787077427311221 +14383051495781774 +1268434292446090095 +15026524472793571142 +13622543044284915621 +9284429671513598696 +9611454020314951183 +9301385328948499439 +6313225371874246352 +852534097651061003 +1996567588547481232 +5140326912399189106 +2557583750880521753 +10164761744864859596 +1414174624447355750 +964254821181315912 +2880626763246166955 +810354292 +1043117232736721440 +1873618493337771222 +13188329144461371144 +2020204409927703334 +12749251397817078231 +814220948 +7350766314471965344 +2413793875927438653 +5831598150311748177 +1818167145 +818087599 +13536229622893596532 +3550769903615623441 +15289115363323757317 +5729046491235249810 +6927169925861539998 +3884829294353716569 +1825900397 +12749251354825264745 +13940679502897176528 +2785415334835849278 +10683050209305647859 +1573642406723017694 +16262666567263262999 +1838763959721811530 +12415707403918459658 +15060052311350261090 +2628875744624526661 +6158568103315923318 +227855438915 +7517987891047568033 +5782296448489296334 +1789180271589605859 +5229147070930173877 +2311806284048702708 +10342523920152018670 +16579096809208684919 +10583135657171571463 +15398206672049033614 +11749368758553356836 +2196419055069641668 +2523959969279970606 +13819027288636527 +313076836089477695 +15901935939295591134 +15292781537867362058 +2786112608104044833 +164794515634611119 +12826571563185219387 +10523161160733569835 +14260259972932317302 +13669583310056990759 +12074216548395397024 +2223383711031649256 +11230437631732097792 +9030446003504891227 +14261669986161201451 +9229891768294447798 +16507208394761386725 +9763237054718300869 +7243691848113087770 +1988922532848091222 +12639568460295845517 +16531696235000651461 +7245823452516647643 +10554716754509249611 +9184831344527295254 +27356106960286354 +17088205497771124169 +16589954806536218345 +494403651894 +4275101731089303077 +14988715965144705737 +8446679125634478665 +2572415617593713070 +8064175486935831162 +8052454368722047897 +14586538927185548764 +15087607024162515849 +1453730913755876337 +14737402000107060101 +15288269288321067010 +5630718882487287359 +5250643148704804749 +16878882991386466403 +1376126703 +7259947653609954153 +4456039366425914075 +2479908714456442484 +31022272905370842 +16850138958408409066 +1945545860539705268 +12014667835681880693 +32996417817816196 +30740222109830648 +5993321999323830444 +12323079225200022981 +3881163128407486662 +12532292418921910741 +745855674758338669 +1258091039002880710 +14586538862699761423 +2200429374859392119 +878573172406828171 +12277052476333767169 +2522831864975736692 +29612195190696430 +3675920403274355285 +2333071329017080125 +7032823735274504521 +5885976155981636605 +12907626617534245266 +15011107079779067821 +1873618544926940943 +5251489275296626302 +12345351961007500555 +13017836379328825197 +13329633534108131464 +3017170418691477306 +6097847738827018686 +2624757539397398811 +1732546186289364388 +15352877377503980698 +5853110719953052856 +16951650337051971071 +5953320668874818801 +13106385793934447883 +5744236492394803020 +1880166547305425676 +15289115371921098983 +6206321759556626407 +13737078235936275022 +502245687173058780 +5677488688285751619 +10494298846923614887 +14753586224036985178 +8220099555939787337 +14106161439742648437 +14383326641327854 +18037828666854168767 +27920045186488744 +6336543102041675351 +4025888122525859314 +15287423213318381804 +12392426871415443962 +4432807661755069124 +2625321606595152996 +7193983581574595235 +18405292847357518320 +1041707142125399692 +2625039555799626955 +16261143499745990832 +17735566651085688611 +10903203954901019939 +5778348145767757113 +9870726559528686 +5831598094423311406 +12896849246080283293 +5624520704442113188 +9568671246589696852 +10418310968674508911 +6551320005038599176 +5147383464174315663 +9870724567102400 +13808562234416587788 +3431717683755290726 +1988922584437242646 +6906705291011906710 +12430143112327668535 +9870727071168286 +9870724570941872 +7290783919948568925 +7300483465990243186 +579591368566007472 +13914751370157716020 +9870724574835675 +6364097383229559944 +6157019993248387905 +7560652789174132612 +9870724578702308 +1628584415104889154 +17461812017531652352 +16698541150342635679 +17946137665827905137 +260967832919548538 +13326822308414431279 +15511108512793741 +4944208403882527880 +9183569393148173296 +7399947675915087178 +5353476845680207404 +32432337723416761 +1873622667823692854 +5887104182899575893 +16384670846731502853 +14101030794251744 +5941764144784017680 +9870725101942125 +1873618265482088810 +27638101867387885 +333819098725103345 +9870724601902062 +2128371995073660513 +1201738991598838589 +2624475531592495488 +9184831288638846060 +9870724609635347 +11949535972653272044 +805679481429166612 +5245848899952133104 +9870725109675406 +9872783012039767284 +3411185062429481035 +2282846140646889108 +6304430915175603385 +7457755598791717890 +14938644887456211420 +6314873999137394872 +14425661019905287507 +8196427708865193542 +32714354125654265 +9195158052381810764 +11228068146677244718 +9386257365841887583 +1492645939235738269 +1495992085 +14264208142382995243 +1944417820723918540 +4280602885598750212 +14969897171663148238 +9870724625101850 +16898924885523777203 +7087435806037651463 +31586327206521135 +9005649368412403992 +537223959716454223 +7299637390987559758 +3605501 +13522950414389899238 +5727238916730197131 +7472158 +11084138473134492054 +2428928028263453388 +17305728466480491009 +7217242495543823987 +10908568596609772503 +797695489810762772 +16879729062089867578 +1842491240272905067 +31586262720735627 +1735930310036255362 +3191712388858004069 +13237708565679243274 +2979485022366095227 +808116564529926083 +9594414040416867973 +11065179627923320366 +18219329924430581195 +3665614278816111339 +16936874979922366719 +17490170222977955083 +12857552611628833710 +223556143927 +538445296 +5884848030182241095 +12850101806785959286 +5344087239302994721 +14471968470100360205 +11944851147529655434 +1992024743372210229 +4730610357785665667 +15291089439451147512 +4268409800479037938 +5910395128899058537 +1603303097579279114 +546178583 +9155601053723081987 +12131998248365142862 +11312167780716913635 +18271108150569823160 +13727760615340987167 +7882744384220320002 +6153353771414852793 +15293063541371781994 +17783567759008992472 +5303893136052857008 +5991347914597872336 +15289397310940914485 +10589915121543820671 +490104384998 +5457961656012840301 +15669210999433031637 +9503363350701686458 +7193137558161064587 +7475600315275560275 +16877472973858297612 +16476111498026896198 +215248568557727103 +12438560421907607837 +13941243479815897340 +6538745605913863762 +294698224634644426 +14269577434460810948 +447112555007 +3366032449431818571 +12157859360937097392 +10881984560763984339 +8075071877499463376 +5245848908549475369 +17035774627164205848 +763377330722121811 +27356038175213483 +1256398940586664811 +3896536008687426963 +18182772513388384380 +9469820891538943009 +1584924465 +12891075652320236488 +7354297404461155301 +92538071 +9837239803450058008 +13439045562453800842 +14138252754113600638 +6928298000070541512 +8868431006280791822 +9870724725634261 +17643102050385274816 +6041909495293490393 +104137988 +16480559093000585632 +2947421238942724117 +9959925712298130545 +12594177041502710664 +16496271579953901073 +5737445799556816729 +7027696421278656986 +1842148186646996696 +8687671170001752370 +1873618476141842519 +514614295390133917 +12949541077301348248 +27920040887195682 +1840738151924109881 +8450498537483751023 +18236814720955134797 +3545067397568950173 +12537862816034285198 +17496113520534444579 +16760795667143279412 +8750256560896097320 +2625321602295860511 +16608774888522150613 +631244369 +2836768973064722506 +6206321690771523595 +7726701492918841139 +15092941940611817497 +17884502360933493161 +3910337726729175009 +17945855675218863782 +30176172109408921 +5441210068766630821 +7298791367574029110 +11885854334102491127 +15541469894605809940 +16327905914734854357 +1626892316688667256 +17840175164768269283 +9881712940254170160 +13819010092706267 +32150347114369488 +6708848322843266950 +10512763733196345049 +1784668047839220910 +7622195581110076272 +13020605563995712162 +13065916646165139325 +17575525466142104102 +15289397319538258972 +6357046311311918021 +5623674732617751486 +12270203136907695575 +498701711619 +4116049767552788342 +5577214489430607088 +162137431 +321142484957145951 +10587083886808745054 +190608922372615061 +6208295801290693391 +12092413546983728440 +9654923030419682777 +7878949572615825719 +15571137852349312845 +18113886812457615406 +8389639136438603332 +14101026494955481 +7033951809483506035 +15689904569685390464 +10608900034458884019 +18305914028471692182 +16430411316175451124 +18062893016518242767 +434215915796 +2624475527293199560 +12157603493737472763 +1785258072604564440 +13573259713283691566 +3441563578650023549 +27638076074111842 +16882831264015474930 +18279507473155498003 +1730289986280895838 +1832528875541840850 +7697026923310367393 +10511140102554801876 +1257904945537233032 +17398586792193908904 +5923957019092469172 +1873618527730996008 +4958753984641975815 +15293909612075173735 +619524292868969453 +18067928196024962029 +6891056081346640290 +1893141969689731321 +7516258841380857946 +1836789870696545086 +6014764314626046583 +9870728841951027 +2560875217568540828 +1785522388117643230 +1939498712175284411 +9870724845499676 +5778348193057614021 +15703528257170515395 +1464040393467500204 +9870724849366325 +14092212388786679878 +10358345303129418951 +4382719909921253259 +2830394698076531718 +7033105734480822607 +5576979434843872231 +13351948495571783384 +5994450116523471914 +11757848817797114972 +13040021237472175871 +3646692057275242446 +17289282588136457425 +1464040350475705366 +15292781572260581163 +1837205073089085955 +12426051065400527849 +15289397371127412668 +18425890896230956345 +4144026118870019113 +6994666394809094959 +5248951110475065031 +9870725372605916 +4280732318042495186 +9302231382455958523 +296036563846043654 +9870725876512323 +13409614762207489476 +18164832428166502816 +7139605618896470558 +14264772149394225412 +17971473236627699686 +17948543784312913420 +1675756504502704959 +9910951986547005877 +1197790749063789446 +15287705212524718980 +5408303386569418172 +10334111064466788895 +11450314238301772944 +13014534490079244471 +9870725884245580 +9870725384205879 +1787770163782370564 +14894854925106899138 +7813876878778647210 +15287987271918775012 +1868611368115193287 +1416712772071739811 +8834282535679561348 +12786169256393974691 +832383132036305911 +18148973833642194462 +9193717847543205779 +3785541221791502927 +7754989484937652235 +7300765465196561272 +442813263305 +7880607055086697401 +3932922079384461479 +12695566147582693494 +5299098874403556739 +16828480190656765831 +15289961373839411867 +6621124925338111937 +11277590796338143127 +1782122332 +6157301992454695349 +8752346611156859508 +285869494 +5995296135637705156 +14337609258513341793 +2946180202225951995 +6926605901654327436 +3205194901446988280 +3129344044965512571 +7945441955166162669 +8059269114602799445 +1873618536328359031 +12220809616918987113 +10430737389551488561 +13727196659918847499 +2150364429943641338 +7138759543893787130 +880547287226732600 +9870725930645083 +5515050513045470820 +5325855524457366536 +7119059345498921318 +5875312241905978784 +10420287313124933821 +7425777611830094121 +1813055332 +10861653452618416720 +12231578312148476965 +812975754 +5301072911838435255 +17634738504986594665 +7087765747954418150 +16148339639237698187 +15733389799266724498 +15290525376551413568 +6223496053747105052 +820709061 +2625039590192847182 +16349879387953251896 +7277283748682485612 +6901182113765221549 +9722583101500506447 +6751981162578325577 +1160738176826558640 +8443432440787582572 +2849674899325985817 +17459732981170727357 +5876790318555281236 +297896956309163195 +15586729198848182629 +16997228164223812036 +16823961564717803038 +17359260457334170022 +1041707133526828906 +1508049959547463127 +16890203154746985285 +10684420961421630111 +12232941055145616505 +10436910888234916921 +7194265632370066101 +3429373643474749756 +4347925833117019625 +16743444847067284018 +6847384129222699335 +206360221270 +16490353754747378611 +1731418116378350986 +7401639795826694223 +14612094360531585576 +5246976952665978278 +6829197924229396671 +17094376519214181859 +934361247192796470 +16542584354194005216 +13538679271994107049 +2365056219807567470 +1251040684822703250 +6599737765818674787 +6203742652669041872 +5724666059249629523 +494402412194 +5835546311163844013 +17205553352088562090 +17164650024200400231 +1115324925092124840 +9001701177466489340 +9549673313268940173 +5413550766917772878 +1776768877711928146 +7242736046355515378 +9461579259805649810 +3284152335116213795 +7032259711067291959 +15291371438657456453 +6173800107753209956 +16874641756321766635 +15780765857606682063 +1146514889432258250 +14184131959057827450 +1873618256883498710 +6981265915127922979 +16767854907747755128 +10972264128292718802 +7880607042190054309 +4199805580057579918 +2730129611851714963 +15946833191738158646 +571465146145519221 +15293345540578098373 +17849047115463158427 +16093533000291214719 +27356020979284629 +4348489865921521082 +6097847781817605006 +5509410189291299112 +17284656215747938647 +7193419557367382673 +16198687013052361583 +1643044461274009549 +15788410621860278971 +5779476207078949751 +1774151540290706055 +423114783877512621 +5568633497721458107 +6428002724138996671 +31304310804205386 +4580640756537770355 +1041143117918197584 +1166927726818504825 +5611336678769899665 +16860434628194284143 +13941525479022213567 +5832726134240516192 +16881421182001494982 +16873795745804857656 +1894834050908827525 +29330122899916770 +6151097665987348488 +16490344159051669643 +1803181542484679501 +4844901240887794375 +480432067316224942 +268323666682340358 +8320487092031002865 +9870726042777212 +1989768573458922323 +7299919441783030624 +2421360549 +1840174024538610078 +11970588599140494638 +5683634553748089515 +15289115350425890506 +13117159209037204351 +7241607920557315460 +15290525363654783536 +28202074486821031 +31586254122137353 +10588786978549681229 +13064791643241135516 +10241773030392284049 +5195137090322450176 +9870725054297427 +5303047073946736120 +16205782698753854840 +9870726558283500 +15801421542798614888 +2625321585099935995 +4085763646718227762 +9870724565857207 +18301216972082384143 +1511577289146636998 +10211084702378193741 +9365988130818839356 +5502060460937144029 +15210250639711236439 +17461812060522224971 +9870724569696498 +13727760649734213740 +5489434912622075660 +9300539284039746955 +17678682231365113451 +11718292303335334971 +8156749573992101083 +9870724573590477 +3740815079720963015 +10680852744798295882 +13037331503003168261 +15291371490246613262 +7086919724540887502 +1005889904790429978 +5782296371105655208 +9870724585190378 +8793170502919351838 +6206603689977863017 +6114840380257353811 +15289397302342327161 +8881019260503722667 +17618730671758856277 +5991347884505304932 +7299073366780347196 +18065100343224526439 +6448736582553579209 +11640650963542682438 +15288269275423191012 +878291194697053092 +6832106476831907073 +13221120945827220602 +6019830301742551887 +7399947611428045728 +5924578518110586997 +9870725108411750 +12479077180119995025 +5886629261813306273 +6448144361652625046 +827297398757676853 +417019994660 +397091011435383677 +31022238513520588 +13681696359427554540 +10910260725118750639 +2148672331527435134 +15510209378605209566 +2115587870189164415 +16066123844176337994 +2360298 +7512697620068973308 +17625510097438585536 +1873618532029055464 +2692402507216605636 +13510731817280418627 +849524367429477204 +1474804159576492044 +6954898089583463818 +6209141837602299844 +6097847725929151947 +6226955 +9870724635456574 +6689444101208551734 +3087644374183450169 +17422075106091076276 +1347470986546725773 +1735648302231274812 +17062305393199238058 +15547566717537248179 +5972855211813726755 +2106834385579422890 +21693522 +17887683492421316255 +1873618467543269198 +15278422278309500714 +2625039585893555358 +9697337405409879755 +2401522090309920097 +5831598124517252168 +5822772555246491037 +17422075041605307719 +861327970215814212 +1997958085450678287 +7058279794389508520 +821147659536966700 +1533413145 +5356297009705672388 +5669551265446568596 +7192573533953852025 +1842430237442465734 +14105033451515939989 +10296839827164966635 +5672976425841602453 +9870724666389625 +4737837392452676541 +41026659 +544933385 +4598821867781498261 +13513914887581886338 +4527567975009512008 +16165083394671724207 +13611544013539121920 +1224129140193972318 +2907036184457474260 +1467988623104683186 +15645878012161898054 +12216316833227879965 +10617458906941316535 +2729565583346451137 +5942892201797100028 +5888796298511921170 +15793146406583614 +14837905735108542637 +12629869613005550703 +12126344320374361961 +7353733380253942739 +14108981676855074918 +14732267094484330321 +14426056237757119671 +14101060888191241 +4613498216615137204 +8659114857360722966 +12440766715654453591 +2000487911910950831 +14110673719381678357 +571999807 +12382232577341745276 +71959733 +2624475561686429714 +7373373677989488213 +468609152851 +16377524938682616383 +9955545749193892480 +451651595101214658 +30740239307127167 +9548014972137053814 +5141737015908523398 +10318013789890172205 +425617336461 +15287987211731017383 +17015954193730844883 +14383077290439319 +15779657929565886824 +10004407232200516869 +9003675253593883469 +32996392023300103 +6097847777518293574 +2624757578088658001 +9870724720522424 +14102840555306631361 +3886521448658581601 +2902806002903772352 +99026160 +10798321677871949245 +27638024483703655 +9870724724389063 +13996376549769045502 +1003633846654022552 +15290243342953232967 +2554755883604719373 +1603012406 +12275078262634983668 +11290917642050015604 +2134875795980825212 +15292217487865690011 +6360390318207883649 +13714417139604740133 +7504185064659048013 +29612147902199052 +10053655854349571891 +5352348771469893952 +11777272302195009256 +11356600521325814101 +1039733035904231120 +15287423252009661706 +9627860010529871938 +1873618476140595553 +17935692048408591405 +5346547208261104442 +1363180884395126372 +6103488066881866069 +6926887900860645522 +12973149357321492039 +17781311627788251646 +6608012835250520770 +4300193865453100380 +14540810596246031541 +5119287909249600514 +13513632858282998302 +11123291787522227315 +2209547647595715976 +15289115324632624212 +5884848060276169810 +7862633061277244822 +17952330525185626164 +12718336251608305426 +12275360279037228753 +9426596312246992805 +4684203863951425660 +9870724759188712 +2625321580800643790 +14015691446702121986 +8040837006507197998 +5759560470823898065 +3581347250154184012 +5572116912471167604 +2283061350295618550 +15292781563661995137 +17132010341356813006 +210662155978 +8642529546809204313 +9658025172157534598 +153158953 +6534244500804815122 +11432423199121490906 +1188626863348458054 +520198301261 +12822873766971338326 +18289406795517991812 +1519546473345211854 +5462796881224672332 +10834678099584757465 +160892235 +15289397298043048211 +7305619266591345097 +18008106325564547011 +8662899441783944261 +1796278484280370963 +15503713255025229133 +477206481669 +15293063506979924483 +6313103634580000310 +15291371442955509514 +18068572667551626807 +8388229101714492962 +109394696449514832 +11900417579467411576 +6511844685037987223 +10759828418061804544 +4920623494848600071 +8329765017882349021 +818063568869474096 +1873618239687580027 +17172590775664728722 +2113895771772963337 +2210675717505510960 +5215971481900300296 +31022234214225307 +7158411072313174616 +17868299572712060394 +1042835259324984032 +11846305913529242808 +16919234205864438970 +3518888985913542313 +195691884 +1518136331144750395 +9816939506534407273 +7032541710273610045 +9870724821054738 +14960942274325654947 +3207856338718383659 +12870531944683029068 +1283514803232971408 +9654763145765791296 +13465856609900308313 +534551678186449227 +1873618527729752612 +9288263741171698664 +5432371237004062020 +12303723863410360154 +1733956203815064191 +6981547914334241065 +6100103917337849188 +4900544073974301527 +13668621706186998363 +1777332863227993445 +276294892620232742 +9924458053698472742 +31304250616468021 +1416148739266015565 +15493159512336373904 +13724983541464392817 +6206453551322832478 +2625039581594262259 +9046832997262628051 +1873618463243984636 +5303047099742635942 +1507960418414891739 +12962168919905475653 +10811487687206049548 +5354604911289460258 +4512528339548785934 +5783988546905718699 +9870724855854403 +230491518 +1414738734635641871 +7088047798749889016 +10064861722882500815 +5195701204810082830 +1252450796930615288 +2052034288295110517 +13746503428530522611 +9780542906820081969 +15431078692508679769 +8795298599822955721 +5510573007748475897 +6373472986436299631 +4386154205047642844 +1466296524688481084 +8281574364107334487 +6020634817264376429 +4934147624042828653 +14581451608520739459 +1168459919086868370 +17785259861724716008 +9870725375227377 +15291089413656624562 +13662222079136788146 +12485176921678630595 +11783076317662962149 +15289397349632183394 +4261009806383464486 +2507602384638317367 +14471968401314025232 +6619027884152811591 +9870725382960683 +6926041877447114874 +1321374849595369872 +1745891129545527395 +6075095896456846303 +16235193766417601356 +751021333891195583 +14101056588891256 +16633239261029357277 +15288269301219073157 +1411918557712306593 +14213945703741213292 +6199013939414587986 +8343719815188670511 +18302063029887981522 +16423290341018857642 +6199110045548703526 +14376606517964598188 +5299098874402322220 +5514354658380879320 +421318035430 +18158855401059790794 +32714379920280923 +7087201723747205588 +13524078467103668423 +11225812687234024024 +3374038090428138622 +7235244191676647727 +14361095630442007319 +6135992709044201822 +8909873711576407799 +31022242811565861 +9471809451295069690 +292357573 +494696889931804497 +996672583265175834 +8820971457565647125 +9572488133916450015 +11949535933962133119 +296224204 +17306856519194252223 +2676033356038474440 +5887800020369607065 +1873618514833121112 +7343589259763457025 +5515988940933459983 +6196571971007373272 +15513125587922400169 +10376633327711624897 +12133813307911383269 +6439645968086878745 +4781836738466358366 +31586288515357298 +9870726444906207 +11061974037752340554 +15287141196914846203 +14933324549757946624 +819463865 +17942189474880777061 +10593863286695156859 +15287423226216388785 +17954342474369802397 +1873618450347338329 +6527795411547282975 +1041989235911440817 +28484146776247914 +8006157077928494684 +8208459340062216405 +2625321576501351488 +1640756315389063558 +15291089465245773125 +15289397401221337689 +18417203057481164295 +1413046584630257783 +1209293359021972978 +6101795934072352430 +6045857694838104637 +15289115277341502132 +5457785514812517415 +3946753346281344837 +16889333080374581077 +11236137142840216418 +4664820263310028900 +5247311353700706886 +6980701890920710417 +18413392009483845720 +11357526040426527603 +15017509038007935722 +5565348505909402986 +2481036784364903543 +6290220139589947453 +6985684907772680035 +16658392392064579027 +3732907554037721500 +15289397336735560068 +9433411965490981881 +8114359576701899035 +11743236838721013072 +8057363313678167026 +1784676364702869163 +7192855533160170111 +103179333668260585 +15289679344539296176 +16921635213733945695 +9144793563742490365 +13223613646767922519 +472907197441 +7406197770046547843 +3452050485777540278 +667089872855199778 +6155327877636176226 +17092728740639677119 +17392345893373429051 +4729938940919878216 +2436256590268100195 +12317069699553048889 +1374799038193493087 +9620696530750223013 +8536587065798390166 +2395019873428137583 +330734248164992677 +11614330566544091307 +11911353550168013087 +1873618235388281380 +34124401746523443 +9477584246401744433 +16075145612913759 +9415214157600158381 +138231604521820302 +7354015379460260825 +1518418377640977283 +17557492393527287277 +1775640786305768409 +8927653410927961262 +2624757560892741725 +12075632523641319196 +6979855815918026989 +9723252749133240662 +15111842938935143520 +31586340104505700 +18412545934481162292 +15292217492163735005 +8016103765568990979 +1654120425802829282 +3944001870332908795 +10330674133795035238 +1556905452135475135 +15291935441368199053 +1890039836549402742 +13229609214839641236 +1873618501936487396 +11733273561305397040 +1009849209434036201 +5679150902442860190 +147027456461457902 +15292499551557808520 +7315063482205286516 +13834179635678761480 +5352348754273987870 +11440327773653177729 +2388013328799119435 +1663563960126888994 +7727798225651114410 +1734238258909824175 +12583654612056476892 +5142335724176089270 +28202074485564466 +5884848086072036492 +2625039577294970661 +7086355700333674940 +1873618458944678754 +15561507287535472100 +15804890104624861655 +827861392871086178 +8540443249939255712 +16184135216576812398 +15289115328930670805 +5783988542606426984 +11444452077949370626 +4737110201220217504 +18266077987869760357 +7360212091997416786 +14428481261315756897 +2529611247665026041 +1355656582036991545 +5515200686092457420 +9870726060865156 +5804412363935061484 +14426789124207041072 +1493907215601307583 +7298509342573134634 +17017082267938667126 +13819035887356054 +17229611893419816345 +15236448206961527608 +1005889947780976083 +17422335794636072938 +9950301033540313754 +9678643295612389250 +16434946141727313194 +33560386137887578 +7247515546633765654 +524496366782 +5946696443085590406 +7721139320100817240 +13513914857489308721 +15996675133439830815 +15806264042014208397 +12835440676020965022 +6883278801346839309 +5637072609524125317 +5197393230141944273 +8661218532942424701 +14101052289603006 +1996547934651619700 +3921433773754900677 +12170083845905666624 +12427801389274962880 +16269533438987939980 +5308183081890293390 +692605777689473842 +1776768864814057045 +460010566193 +11507671079075469550 +8156858663174555528 +101487235253216526 +4484797034591757319 +878291194695797749 +2126679879460264156 +16108156248054052578 +7085509625330991512 +11527067173424814889 +11775016153775687406 +1045595339304157462 +9870725107185015 +9539912040443753516 +5885261803960092890 +12363299365555166874 +6989674032461716466 +11258663082281679515 +1788616255981165492 +827297398756437315 +417018751849 +4312966040774729691 +12273386202911302417 +10012339750667366044 +489555411 +15573565414975557006 +15293627556981788348 +6993058190603081844 +1440375323626664034 +5731175873637862917 +5810733571780593963 +10490476649116365131 +1362616808598760932 +5827969946495309337 +17119616864226923751 +2676033351739181392 +15177483003992485151 +9870724626478123 +18101357742043457976 +15475002888547339137 +9422930129104806631 +9080544794164534849 +5938943989356063311 +9870725130384807 +77937734344723309 +438812023727924906 +9870724634211378 +15287141235607356015 +13524924559303732110 +8912366315847027156 +27920075279200328 +9870725138118069 +10592171188278930365 +4723008322416428235 +5459976644113605074 +3693573093146442428 +1424505891750105942 +13325587421145670442 +9391897706793274700 +15229122199380927 +5778348175860437097 +252562806505150454 +8862264276593353530 +6155045921420413454 +1466296571978347136 +5103405401210441197 +1873618446048054708 +7353169356046730177 +2137124098070112973 +16109783657505910656 +30176206501385131 +5269329687486683231 +8736138753147939361 +245315846349725254 +6156738015537342641 +9870724661277799 +15287423178925303252 +15294191589786279300 +5322697710519587001 +1839046036311916934 +14556688284722420852 +7345432127490565040 +15289397375428070340 +15287705238319353041 +17441996526578192288 +45398647161695162 +11616541604834924596 +15308825434243152216 +511599730297 +12368985817214495266 +5153306075531453642 +8839539261532364423 +8819992730249139646 +559154734 +32432367816105180 +15402324893572673596 +2728220332770939574 +2063140749 +6208295814188719140 +16794806302830176046 +62981267 +848678270931574016 +3242721014529679956 +6687368400297874043 +3387142580035083882 +15785558567545285545 +70714531 +570754617 +10109799026223682074 +17269866578628119073 +5779476288762044383 +468607910418 +8102805470461516117 +13980703149896830502 +32432303330298432 +16421367617996199184 +17274157458060290448 +16642065601678367388 +6205475701751155871 +5726226297114659330 +7352323281044046749 +2416614035656233109 +14256452938553775627 +8777600036366063546 +17475453133986271639 +6926323876653432960 +6052225192628739864 +8484392788040633859 +1873618231088995872 +6045681555694511825 +7036226056540267201 +9870724715410588 +11445298105660945773 +14383055795216234 +10544854611794405344 +6366353488657209598 +97780957 +13571926674587084294 +32714319732545807 +9870724727010525 +29330140097218526 +5249797155383940899 +2624757556593452278 +15290243342952000130 +14282671233461718924 +4360761137424920902 +105514260 +16918393909679895271 +11780790212937281701 +7572519555015393843 +6103488109872433119 +450980818488542549 +2231065564965647415 +15290807453141591004 +5566476571519882514 +1732546160493597468 +13943016536889832061 +1873618497637203702 +12423180240789388740 +10963258216941884383 +3273906465467952746 +2359415926146144770 +1934287791725428839 +2749011849237716950 +11980757344032287762 +4360412421268465720 +5841774667923474510 +304119526640535197 +15987071511676326128 +33278386930322441 +5137224701875208861 +1873618454645378183 +14409153078548761095 +5303047091144042814 +6100103844253472409 +2345815763581956208 +11925205808492143421 +12032015207363327183 +8687135310570800557 +8382080373991626819 +9870724757943520 +1013515422670137832 +232154863745 +6101795938370414179 +3380927273142285215 +15292781563660735016 +11440287232156443133 +13819031588061534 +17487594379014327396 +644220506 +11920875690973342261 +16645742821133208918 +17947254217038851962 +16125995642212196824 +5255281706994714077 +15287705225422712258 +8301861307472432668 +10655291933708586306 +15292781499174957490 +15197399568715355969 +163513699 +8111257460758685209 +498703079219 +14020156713990704776 +230209712565726275 +28766124488597393 +1625764319863399079 +4873288184791192092 +5516046808385022295 +5565348445721660254 +826733327259355359 +11229760292383515460 +10686712480767827473 +17208585699695146136 +6326185750131847965 +5461104722620736912 +18413674008690163806 +9126821865572668220 +6980983890127028503 +1574770523924029540 +5245848917148192510 +4278834390613841174 +11966722661119889367 +518824063523694460 +34406435346148613 +6711292992039632882 +770160628783995609 +7263224397034361313 +6361518302136636756 +6154481914409144513 +9387385366965285641 +5567604607036380513 +1370042529144391589 +14598487547274748131 +2544003514773959228 +2722209420655597099 +4740657586573295435 +3482744088050428981 +882239415735642983 +3795514208959667398 +13699565059448654115 +962402734361963263 +10966376351062187412 +1873618506234532795 +15588924123154110508 +9932424728390012186 +15292217474967809006 +27920070979894687 +16457343533087866532 +3069948027258151480 +12633597574996188642 +213779834 +2914587895472602436 +6971583364852427327 +3061264508759655793 +11255890434323262389 +8990911914467077703 +4445857756554683426 +14714880334493271210 +10385193505410918953 +12774749518464557386 +873242573393055419 +15292499534361858215 +14880882641964652574 +2624757831738987950 +2625321610894576255 +5566476515631443753 +7841540557657944023 +16661576594284498527 +12889947526522222090 +1992881785903909356 +9870724854609207 +1873618441748749257 +7150386713576488587 +2625039560099049713 +7238223723724811917 +14994835356864563534 +9227353569080969819 +12391346703585459278 +28202057289647184 +5722409910832935769 +16981577515082263649 +15292499491370058733 +17114220222374352616 +15289115311734724069 +16664118286155405567 +11132295908982533268 +2785415326238640787 +16910582374925605167 +932669187467855408 +2560875131586287898 +16950522249946470943 +8122508159220259712 +13939632258374251849 +1789180262992408784 +9870725370115547 +9776099992759130690 +8050198250396610149 +16836714054522451070 +9870725373982183 +789251732567694310 +408189752105264922 +5888796315709235200 +11287624317766226674 +32432406508621306 +12451816405354619527 +7086637699539993026 +9870725377848840 +883085477841687385 +16850361761878847768 +8406163815338679888 +9828660055263613758 +2691780374684390731 +18378960206721261895 +15289397328136991002 +13736232186726985502 +10185253761964850418 +936335405003267895 +18367691563416888249 +1411636476823027830 +159826425889975334 +30740277998414211 +1454041666728627215 +5263045704806567882 +14101035093678329 +6098975770044402807 +6213874949885070047 +14280399715629481292 +4330880103466343658 +6283357645274619323 +564516732980047496 +452038239404189746 +2624475535891917673 +2879463126541217651 +10820786480081760466 +6152225697206002268 +7464045521388005471 +2312694796415228177 +7247797545840083740 +17089626560209507964 +830399553392108401 +1518418412034218237 +5299098852907101862 +2287404954 +5995296135639088374 +17822868562129015670 +14383051495922904 +399070328644857552 +6718814190576758955 +13600768769547772568 +16252369836876632945 +10589843901125579979 +10882226880706975655 +12820003494171985268 +18045375457690270152 +15291935475761429708 +10329598802022581463 +5249797151084648272 +15467531569878233141 +2519729684546929778 +2624757552294162206 +13553803778814797930 +27920101075068262 +5198521347341565699 +9632381032491412757 +6444753720828126574 +810485365 +17205605600185760743 +31586288514129968 +15294191680067940100 +18412827985276633158 +814352022 +1873618493337900214 +17874919538333467243 +5136942689772182004 +15293909556188102575 +2156571424271003709 +7268232287483878715 +265909206824074918 +5303047086844761443 +15287141175419610544 +1873618450346109725 +7192291508952957549 +8211561438808265274 +14902316069337318245 +17747435299319928687 +5510290935456543560 +9186160633315744644 +15291089465244522877 +11471899071077109979 +227855569383 +1626892333884731016 +8579829306004740284 +7141297713013588569 +13819027288768193 +13726068525523478797 +15294191572590346595 +12530071023350660263 +2599686195379452288 +10249093731827271720 +266042267409981174 +5565348505908169092 +10367111403802346096 +15292781537867485095 +315050981002062231 +12297532705006038665 +15291089400758738184 +8197562920226992187 +4661538274790419545 +7067030506543600644 +15511121405701476 +7353451355253048263 +6364097374632349124 +11694815752093311582 +15257170146262787053 +6206603702875878073 +4205456914331078980 +5833854247140792677 +4149205691846700355 +7984280505607081911 +494403798525 +12663159459949981860 +6784669707617714752 +4784877285882214330 +5565348441422385250 +6979291791710814427 +11838018326043571318 +15948081610625993819 +18411981910273949730 +2819142239193151610 +3459957951274508249 +5671848390323822136 +1733703100895417605 +17204477474387535184 +14934198676511272213 +451411970462 +6598609717403068954 +16804053178346313312 +1623790127659826143 +12213850990624781267 +6053196318902664563 +2661960728633172922 +5302201011842068720 +10909051778234470338 +11024387943251533953 +1201456932206113085 +5671783934220595881 +5642655383725746660 +15290243390241837531 +830399540495458632 +12267100947878851813 +5556444736474469761 +14480706134748774377 +11023419484990874970 +15406543414162312876 +2522831864975864248 +2316381565674272741 +29612195190804681 +13096880850319843856 +1413892625241101519 +13666367341730158902 +6049123076685504483 +6313103544299712315 +7140451638010905141 +5749614398481126814 +6205475641563423986 +15620565282397573253 +13691481276152299847 +5134111541020740326 +1873618544927055357 +3087006342024872935 +16590518809248349611 +2134674329372531399 +29330122901301982 +8754354348856274264 +9405901672795163959 +12605036789245043773 +2464914730971567611 +17648172288953813371 +11148081311892133777 +6204347614644278103 +9887040236600187625 +8616063509109155453 +2517396823863543066 +15288833291033196108 +15287141227008777729 +7971037423330943246 +6659288664788263226 +1873618501935251501 +12745284836564407417 +9246748604024098636 +15290807435945652067 +14193031196214453590 +12833791847801307077 +13513632884077652603 +7246951522426553092 +6428369928798758970 +14393775360958343225 +15333364303887477204 +5624359730656782666 +1756208976234303088 +28484176870182055 +16884063401366472251 +14464888480988737295 +11965380868552027878 +988739295851995122 +15290807392953851373 +2493017522174178199 +13731144893856694514 +13290374285542320613 +2625321606595284002 +4929903884461088279 +4634359033389206072 +17586017819785649043 +2625039555799757652 +1895116067312455530 +6261263780835249358 +933797210087713226 +17363034096976481766 +14827963881216502828 +14964325028668730773 +797977540607610883 +2422259285738200404 +15954115490261062843 +17329429728385524414 +33560429128452228 +15291089452347898179 +16903543686908309003 +9870727067432732 +13369097193039157110 +15289397366829500878 +9870724571100105 +1521238584658244751 +988739231366199607 +15489206519372857995 +7409299920381748254 +16262948613760825531 +9870724574966749 +7681228410294855716 +14595497223566155770 +1786086408025682137 +8472178325545426921 +10752203072145594970 +9302231356660212089 +6947374277898358995 +6209987891108540986 +16367321068088666639 +15291371468750154737 +14361324507276975539 +14149071737186821229 +17501986292153131004 +503001142086 +15912051102934193733 +10860970016619776455 +5973270452133324282 +16625537648487650089 +9870886988315044825 +201123445727839166 +32150286927996038 +10037814177010577541 +2137610448022154760 +7246105447423869664 +14101030794383174 +1945545869137167900 +9870724602033135 +9870725102073199 +1413892676830252735 +7172189672837431473 +2624475531592623767 +15287987224629033592 +2053847050729835746 +9870725109806480 +15987248322570376122 +3432937041976183723 +8562440839454141025 +14665097992165136 +6020446389058087038 +531434938066020845 +13327144638523591620 +15290243377345218521 +32714354125776199 +2329883539558971890 +14425661019905409661 +492176864 +5301072972026302193 +7352605331839517615 +13516735034414081552 +9870724625232924 +9955911476139739308 +880265253627257778 +3736575 +3063683824201782804 +1382240736443900900 +1873618532030425584 +5335841618940143828 +11078763948222784436 +17625510075942124217 +1785240333023002664 +7603232 +12266871665304279622 +1204131931775315526 +1285019398775394346 +6785332869306595111 +15287141214112143423 +15292217457771893195 +1873618489038605603 +1092700946662246000 +1991460697668540625 +7934866198480432062 +10531295803425490925 +1899651063193471195 +11924686081222719034 +1517290346422481164 +92085357799300689 +12595705938502037698 +5240846595623882520 +4343368849767078078 +5944302301007125627 +4106690257366773310 +1753707611600982829 +10128683564021584807 +14414570535694909648 +1466296550483123067 +5782296444190133111 +2702707693771904397 +1538656033 +11180469596782414370 +538576370 +15292499474174124920 +16373919930490319735 +2538735543 +223556276541 +13009813352795884581 +14105033430019498728 +3935742187522887801 +10574946679535508554 +6209987942697689311 +15092941910516786966 +546309656 +5962976017044672764 +13819022989467014 +9137112300296226533 +1467988623106070847 +1483280048225078064 +2130244209967315856 +5512098552953333169 +11579831075665363387 +688082513325865435 +7508263234226031527 +7351759256836834187 +17896184685483934166 +13727760615341113924 +18260242592087089085 +13938987348593820903 +144207266640260687 +5195701123127142010 +14154340218780398387 +6524975273315220328 +17573925576253140829 +5461104757013944215 +5129024196560097394 +7577630114940738264 +490104500603 +5287581206121747392 +1667395807353463267 +9870725194872257 +5303893093061192887 +10756726280622189759 +2202768234812819577 +32714405714946536 +14002482420025398139 +15528861662009123233 +17205553304798845727 +13693688167629548016 +7399947620026754861 +1200046914677923199 +1251604747722577559 +8992704749851525464 +14698362182057093243 +15291935523051289505 +2360543965963361883 +16415947289038491804 +5075826107042960252 +1254706876562365197 +1184054382509707845 +10224371324217795157 +10681513837308884061 +32996413518662033 +16881139139803484001 +14425661028502751081 +13628483798254494708 +5267137973369917214 +11313200934161749245 +12029554223868637651 +2574760160619148865 +9870724718032052 +7252173878354851663 +5349367342193969300 +7516858275246053550 +4968547803474047060 +15897020169117581844 +8234659837800239838 +2096695182 +8693225804604382234 +883931544245786523 +1415866765854259745 +935489377290433348 +27638024485080008 +15292217509361044254 +15287141265701302452 +104269062 +1604388663 +15291935458565503184 +14924276060582535747 +12701804944239115587 +11570076591822169626 +10198717259626138886 +2043722288069350494 +15189064920767147777 +10447833892469821110 +2786543335960678190 +1023278110615560205 +11272180868443097847 +4196703391028742472 +5408982899762140656 +7862516837036476283 +8648101753792044676 +12638792299038397011 +7245259424010339016 +18067928165929931104 +3997023326150478712 +6153071806601890659 +1247398663569491296 +15225300787363209285 +8840711497449477171 +5675796546877851798 +1873618476141982256 +27920040887323058 +10222252868400125911 +18007176226302805024 +2625321602295991509 +15831435936122153090 +14399056735604791251 +12617306300617747727 +695425898725793819 +492467341594991266 +6155045908522539946 +3780916436231344808 +18285679457129946167 +17089062591890728874 +2058530494952656262 +9870724760564974 +5984819116828544104 +9088103565208985325 +987047132949995010 +5672976434440316612 +15672900150760202568 +6980419865919815941 +2359415840165163097 +18413109984482951244 +15292781542165530089 +13882019050381985812 +13352392100613927803 +17353152791227993399 +2150827921 +1256117005866200286 +15942884970698460404 +6208295844282636341 +154535224 +1399263728876720647 +16481405082022472063 +4272690327276579645 +8249224782332179186 +306888584587319535 +13599745623807051435 +162268504 +5719760881385172900 +4883293725613452003 +9870726291617471 +6599530822203749662 +2848546842312994670 +4481840936535989828 +2013910353068174442 +11193857373218423351 +5895517313225353409 +7560543450718225106 +7402989653604310385 +8663192652060369898 +9870724799231227 +14101026495088748 +1366276539690471190 +1873618261182929720 +13772411546827377241 +16041596221463291766 +1730290029272843740 +6840616336330866006 +10913080833258367652 +12912667315151783250 +1081135526969960931 +5353476798389229301 +2624475527293334018 +4423402962283485846 +434216047454 +18315937183618444132 +651027637967721936 +2719063642933235320 +5570988808168291977 +825323228049451310 +2921887281361598230 +14919199795427624821 +7320744873080480596 +6979573790917132513 +197068148 +12758439102625181128 +16737522532704265320 +7513570841892301778 +15291935467162849600 +15290807483235525682 +6209141854798358601 +6932153041592664068 +16758489844492275372 +1599217113994260480 +6405261049027956307 +814730579734638559 +14941571200560993891 +17931569726871638543 +1733956203816446442 +5248105056967669611 +5569713876685690885 +18067676020521792019 +14859647144389996846 +6815608511867596250 +9870728842082101 +11485232201928090035 +15287141209812836255 +4231361072647513278 +6101796011456140979 +1873618484739312779 +9870724845630750 +13229900389757361713 +7086073675332780464 +9870726849656583 +5193727081392982024 +9073007892708745928 +4040912922788905112 +5674104469956815848 +1359796670366685874 +15290807375757913856 +1252168767630431667 +17270725783305597393 +5778348150065934970 +2504863350589635682 +12749251324732838225 +2308422095814939193 +5516892784510046009 +10788340981746781679 +10690933773821042753 +9870725368870356 +9870725372736989 +17956659416822331103 +17786951977336971320 +7247233521632871178 +9870725376603644 +15398488671254291876 +33842419736262691 +2785415261751617287 +5809763881750778763 +7610997758436118920 +16345377412211956447 +18209038410224642430 +5996142146154742839 +6242240682413137169 +9257080277489173913 +8896873960529668403 +33560368940734830 +1199703894135825712 +2514294433354819592 +16266276988277103653 +16487625412487901473 +9302231339464270092 +5458243702509227305 +7731987238413430654 +16217726513969500065 +9204802053286536705 +2621922293099287812 +27356098361830063 +11823044541028718214 +31022307298722042 +10811104230403630183 +7891322107040189410 +17498884176209931146 +17298949088090724549 +14729829438500719540 +5887235996161153729 +30740256503194415 +15290243424635084882 +14258849865125208829 +8930986418384080537 +9402235489652991738 +6157301992454835692 +282133919 +1870891575748071314 +13514550801202695398 +286000568 +7034233804390728056 +15291935518752004141 +6366353527348466079 +827294030293313482 +15475122141799272334 +9870726915389197 +7380690058883176405 +2073730062937119696 +6368045621465409490 +15131353489256222067 +17685418921550569975 +15290243360149278541 +7437088682075965223 +16579035830826176990 +1801586527 +13257753370198437254 +5725098244401023905 +1873618536328471484 +6205475632964835811 +9851590860238637739 +16875205771930520447 +17538313257810730808 +32996344733579432 +8394593230123135218 +805373539 +15291935454266216651 +27920101073838377 +8140646085958584180 +1309279950 +2187586071678509515 +8698802600193563089 +10585955812599821201 +18322828561274782821 +10592171214073568059 +17170845012500290859 +11584599154212479921 +7140733688806376007 +13521540362471223162 +1313146580 +8574054856993893425 +702355655485629220 +6204347606045694733 +11103300151687645726 +5566476545725368665 +13184621209720017225 +12133813286414921760 +3166693398854130610 +820840135 +17225270010329587102 +1320879837 +3927382993039072223 +8856014178162716767 +18164739397353881085 +8812300966546978949 +1873618471842684634 +14947097198474202 +2328755504042420499 +2574671684330218378 +9808823553120885229 +14637124918310547021 +7352887331045835701 +1147642972238785805 +15577885624644956589 +8660242922972585407 +14520872221653426064 +340211896049358286 +8694008299851746012 +9229327701095566084 +5780604332877290334 +18411417886066737168 +280472367249188962 +6310847490461354333 +12644080636756716998 +5978709954490142824 +1096649176299424227 +309604624463518535 +15291089443749306638 +11795346596544985727 +6364097417622915371 +7563201943020069897 +10867174321591906004 +119263647605616152 +18297946943826503873 +10588211952420530339 +2803776039116021729 +206360352265 +11152341702416414945 +30458248698274433 +6927733971564232885 +13975944257110959275 +5835546354155800462 +13747155969343184280 +13587342997284863511 +15846834169944943016 +8283451379500335769 +2667375046095867310 +15411231774092245775 +13413734718255425425 +8250205168748148580 +5300226909920169414 +7139887613803692579 +10591325139070885473 +494402543464 +18271169786774188519 +16222802744732624112 +31022315896061305 +6178879111628283678 +27356085465189502 +472908582440 +5003335381653076268 +14589915794325717485 +14206226796729214653 +570256568893709849 +17503960406973046105 +17302333254829431484 +6158508796651128253 +1709328582662906562 +17946419673631704176 +13265283525419227767 +8332257643058178741 +16618104504963844264 +7246387498219340530 +6064762127302393958 +1627738395989523145 +3458547852064609875 +987893190756750054 +29612216687416357 +18104757980346194151 +5993604058716791680 +15385861644461105523 +15290243368746643659 +9866850807948729039 +17165169411364360689 +5886835138979262876 +1239351118651478504 +1398212345 +2152339567527806344 +4042040936810230027 +1042835233529212250 +13396276426973328716 +10143775221151723079 +18240825824027548156 +16377260960561127439 +14260541903353704381 +3758412351937846521 +936899394817381034 +1732546186288258788 +6670593046427347594 +1873618523431832719 +1409812224 +15291935441369572583 +1002618918004869845 +12647827813688292485 +5142301044413893986 +1734238280405169118 +12024068814560965628 +15287141205513544466 +17404805271632433408 +5458848651586450378 +15740334337118442425 +9728654856668339388 +9538952392392514815 +10906015674175273447 +16840215061605076380 +7033387780977197408 +9870726550681320 +7374139833057552265 +1732546121802465148 +16260410401649351150 +6251387289329547991 +4214260831948201043 +2772559046802432635 +15292499508567350419 +14765286543110777180 +6045857724930789586 +5461950758932271540 +12853486020814643511 +17070057731888851160 +988739274356778557 +2625321585100066632 +6153071746414166769 +16884510720373249487 +4317033299479761647 +6105641286322975654 +9870724565988281 +5941200120576959729 +7245541423216657102 +11623329650056962408 +10895941273496938783 +9870724569827352 +12004799550310864099 +10800972720340344624 +1047102372194640151 +16958823041360218932 +13396638209728525522 +1996893529057865121 +14369698883313424319 +5917464186933493110 +9870724573721551 +8633463906790886452 +7194547627277288122 +9870724577577838 +8892116297265260027 +5461104791407181582 +15292781524969605919 +2200794145787550411 +30986710659577319 +7882744375621871075 +4434404628262965669 +10756162204825831662 +5400084988098728827 +7659538298168023440 +8542811457568119894 +12339564610979565304 +5052480394653809596 +5464916018441890677 +2106141661137561250 +1463944971 +10107920089263326083 +5339530072598460617 +481505910202 +1735084269426928024 +18000107103088031504 +9870726597080818 +17628168594039844939 +15983582083539758820 +14476603019229426392 +527486618147374507 +11214563466575481740 +1038886995293462177 +831809605312275724 +11398695641569569108 +5299098870104395445 +159826357103636368 +16275783350713214532 +9870724608521229 +7996312456522829522 +9870725108561281 +417020139083 +1518418386239706184 +4206560580458920720 +490931672 +12768368979738320327 +4494226498722153629 +2717880617943654388 +5251489305390690626 +7882691051429049349 +2786543370353913970 +825887321043134307 +12666755182509968756 +5349931443785000377 +3546099851290752976 +2491372 +5973993525963084544 +7139041590390161931 +9192560819121703217 +10913644883260214634 +9440398924256582341 +6358029 +10377426660277831804 +5410675028272312165 +9870724635587647 +13267515303399539665 +11561769728032320341 +13994042902743821046 +14091335 +15292499560156501681 +1814401607628837040 +13284158914162477820 +9263266126380742517 +7558005285896666670 +3832358583564915571 +2625039585893686365 +1873618467543405664 +4972924312701182429 +14933352661695018130 +2588868491370640720 +903780241349872947 +7300201436690252645 +7409299993467503424 +13779987578959319689 +15291089482441834171 +1060718949161911551 +1537410847 +15289115294537556848 +5780604328577995613 +5703451428017740619 +41157732 +9870724666520699 +8208459314266447086 +3062219857732765939 +1839046014815446996 +13317993416463954315 +1893705976699896881 +349639398302222851 +15291089417956048219 +4038578427109921708 +5863211220867690221 +4961410512965945058 +32432389311435598 +29048209676117502 +15279268331817157787 +32432367817466309 +11740202408459642279 +12484048899058918459 +9201704067659476707 +10708867523105803745 +16566338363563140649 +17351535160019927672 +9258954904806116763 +9215288745010357094 +17334296795155016096 +17063535758218916304 +8756710328639778270 +1837917966402343334 +10657683217541049189 +11644549529507011158 +3060829241574036785 +13883199338295028226 +10972295180442558384 +1012105271869852511 +15722184770675616487 +18071902650785863545 +2624475561686560814 +468609282224 +572130880 +72090807 +8253013595490370123 +468613143414 +5056490867517584283 +7890538549336038385 +30740239307253730 +8503894835705163739 +2089265852158775170 +2265111940109648592 +1626046297573316170 +92046654288647113 +46759182496631581 +2471556026839752620 +756647600093 +17825755834711742948 +3178332733848776213 +1041143135113000526 +15291935501556069217 +2624757578088789094 +1993727787820991914 +14273081993166851281 +1595410227 +847832260416057735 +3764031824902033828 +9870724724520136 +99157234 +6832150566454453333 +3781972879453334959 +13526334602625309658 +15290243342953357605 +18002638457266187003 +1732546181988971170 +6166185757668424714 +1873618519132549934 +5460499803636173842 +15287141244206066573 +13806855580317125955 +8242562759948259786 +3528621854514553111 +332990405181794087 +6103488088375974636 +3759074492607577036 +13529168416684907735 +1873618476140726818 +14665351642484983 +4161540704950758454 +15290807410151138065 +17941907428384661909 +10369289955208478376 +15290525359355600553 +304119505144068804 +7619675585940449250 +17120891958370710093 +1840738130429043597 +9870726755612418 +2625321580800774929 +4417872376026175381 +7130346322594634771 +1144540856295560939 +637863508 +5722444603490653163 +17685702531321644963 +5512098583047253736 +16779606114112197033 +4526456999607161820 +7877405155279521729 +11968457278983858892 +3863710205770684833 +2926114800292874433 +5835546358453836520 +7978850616169091608 +8348067735519772129 +9009022494402619718 +153290026 +12822961480931891735 +1623790196446280538 +5565348467217023481 +11086277220258427136 +5462796881224796545 +17122305285393487995 +12204321353354716271 +13853164599648330116 +4197831482435132115 +6979009766709919951 +6998742371176374477 +18411699885273055254 +15293063506980067679 +17619012718255228942 +667410241494334138 +15291371442955631012 +14388795679132697565 +10876344215514716818 +7299542677140683259 +2796306127085596242 +90526560417224428 +6743921257827752952 +931541139053428654 +7120267569582534002 +1730290029271597409 +1847659236867118501 +6928015970770550971 +7452748519230227475 +32714392817070869 +5881020564594848410 +13944144563809176308 +1873618239687712786 +15043322274587564109 +648660777476846273 +15462458055234171442 +4141551246163851657 +16250929785657232843 +15293627574177845071 +11079604007982747283 +472638123518667453 +10591889189072737947 +2784789629624675467 +10331044321950588855 +2333704892499173383 +5318844751419437477 +5537746412217581132 +16704189977091331861 +10760392485259723716 +5455423538481273228 +5570988786673067187 +5641592912387529778 +366969508515895588 +7034515855186198922 +15293909633571908228 +70488873850850782 +11908378959853526747 +1873618527729891186 +15290807461740292038 +6041909482395757217 +1894834033713048546 +2054874474321823305 +38835447835012918 +830963590496074556 +1041707189414158096 +8059269041518565661 +5677488671088726324 +4959080478982475834 +10684090243060806471 +11476585613280360892 +6874933480867500976 +2161929761716788687 +14622810224014614164 +18019610811645893161 +1873618463244108107 +2625039581594393157 +7161700558465287167 +5352762575340513185 +11176433417179046304 +15287423196121342030 +6156738032733402975 +6153702801206038886 +14652089689918236380 +18350984080067481271 +15292781572259468607 +2558626555980503155 +4756274120448559372 +1392068364884000500 +5516892784508819088 +7397691497403327517 +4471064719797348316 +5565348518806174015 +6524934309752822305 +7923736154818961912 +5592392921167110396 +15289397349632313371 +9232993931526352312 +6415222970935285018 +9870725375358451 +5938098004633725980 +3811652717180905320 +7211896323698996472 +2914709013123774150 +7033669780183515494 +14335721899955676951 +5197393255935321214 +9870725379225103 +15219090238908604187 +9336512047641670935 +11636611028735501479 +12663355854427731763 +9870725383091757 +9463915760276757834 +15292781507773676992 +12316955641894035298 +14101056589030378 +4437506739906835197 +11955740269026953494 +14258849908115795343 +14539682522037107578 +5882159700913700175 +10276036049511466810 +9720112096191341434 +972444831067156991 +250884895352647058 +15184207041518052684 +464309985406 +2840921393218461125 +1629148465105621258 +31022285803508643 +802207808143626587 +15167982246001250713 +2146416183109427691 +9759732344438734517 +14346663404917583211 +15561569756853586053 +11602995673295907911 +32714379920410781 +13914483543239913141 +5516046752497929776 +14383072991264828 +1251604721928073068 +27638063176376698 +8309445823562473369 +2416715528337840263 +7818890396069158803 +292488647 +16891689624999392124 +6217513450722445667 +4790241261806381039 +29330157293275120 +9398797421263332714 +27920122570436656 +16593903001781686686 +2053107091409498174 +10753772974326626546 +16152901408141622644 +11842965961515801714 +17299513090801489238 +1873618514833255027 +18113807416795337300 +13941011578730799368 +5458631525329552020 +17063898723268978951 +811861632 +14373366486220484099 +4977791646651668830 +13519566196063562287 +6927169947357020323 +10481529128982897787 +12817829069477385284 +15288833260939385531 +11672803028900859926 +10554335258691243712 +1041707176517518796 +33278382632420494 +4170129077182477659 +14460252044543938199 +1361206713689532785 +9870725948864096 +17092164780919637584 +1323501280 +17279695936641176756 +5511666268923246812 +4473117350019076740 +17206111748367330526 +10913926882466536739 +17090190593015371008 +13070886371127466925 +7139323589596480017 +33560442026483775 +13832769549366859333 +3749134244271891892 +2625321576501482500 +9548671834934503090 +13819048784121247 +15289115277341642731 +17089062566096236243 +2204229959906895121 +9609301821825043307 +5890382593019505075 +14494654614837472639 +14249142365020712245 +5835546354154550773 +9300257224645751348 +10965002685862060833 +7488254867681055353 +5461104782808583909 +6070633714457193404 +29048192480191807 +6098975821634951352 +7017843205285164829 +3698377064120455233 +7300483435896570731 +15291371481648157764 +6364097353135892893 +15996675103344779877 +828425408479844917 +6360349248204127113 +17628048184875428023 +1366034156 +15289397293743894521 +18208198535270704629 +4046395373324486103 +18101359711064496043 +472907330083 +5569296752742654591 +2727527756201598600 +17009624892008781948 +2153057073357728791 +7300032638221960104 +1951690094359832233 +8223467025204212233 +12713221567559512541 +11134268303975201487 +9421686826977599290 +32432307629740894 +6106202401204039808 +2361671975685338354 +29330208882440766 +10792923893979177689 +14683276054533390468 +1873618235388411568 +8328513465440672907 +29612216686167693 +7516081834097649101 +7032823756769984846 +7718197728942432608 +15591448436321301226 +12245079979070732331 +17299231091595106926 +6097847760322520776 +15291935484360150547 +7433986540338297739 +2624757560892871843 +18063211571015987672 +13916497988962505323 +5993604037221555254 +2411664803811383513 +18089224610120686537 +15291935441368345480 +1571668334895192915 +10405159077555017475 +11773758314556779717 +1041425177311144253 +16904712944498910012 +2730758514787295353 +17619294665872390242 +28202117477509969 +1873618501936616332 +18403096819327721261 +16437512667026442765 +31304246317313542 +12590065597550705397 +14259413854939335160 +7193983603070075560 +12756019744192614745 +15099182159839962753 +14304069401668103002 +31868356506899987 +2625039577295102544 +1873618458944819238 +15995643366203073184 +5831598115918777559 +16879729031996207110 +9870726057129598 +9138963602338287300 +13237708535585570819 +9599768174033064471 +684134257892941248 +1842430228844014375 +13732283957089946624 +5248721418518860973 +12849535816273515847 +12483484823262537623 +10927490846285832396 +13391406225630444514 +8629091087366833059 +7857417374369335809 +15982426378970620300 +15291089409357469672 +15344331988932124337 +3041426937126277956 +1508117033992663628 +9870724584065410 +361853366456821191 +15288269318413890579 +1930668203255024244 +2719268023842509485 +9399122277208116126 +5462796864028884097 +8456214898278286307 +14101052289733739 +4397482886344480317 +1873622667825208251 +1411918553413127334 +10775484697844996785 +12221849008989087493 +7880607072284139095 +18157608498967832039 +15291371425759702632 +10800479445230693000 +11930419845017986269 +11176273900772135875 +1252732744547922454 +18115683526094563558 +1651820617207601562 +8692785013085990833 +6050251060613050686 +7293292946252047947 +11501873228661418465 +16602804713776357694 +12644547810388085747 +4728361332586319732 +15530271666638163817 +417018876556 +5995296152835132761 +1873618243989631401 +422517309557386983 +15942038964482237108 +489686484 +7612019564176299762 +6163190042159568373 +1777332932011954283 +3641272205610733853 +7558005371879034363 +3870997034531753627 +575239712866635559 +6461237554091356403 +9127481006617859713 +7299637412483040083 +1627738361597680013 +2676033351739312369 +16040216177439937650 +12391274328196594200 +6192048672250678714 +6041909508191621713 +14770363635410092006 +2145831495932714731 +2830312599839009596 +1413892590848002652 +422663350165586012 +10585955829797098153 +2395927253977483180 +5249797146786735941 +5248105082762304149 +4777328079875302507 +9870724634342451 +15287141235607497372 +6204347623243014884 +5778348218852403909 +16873513682111570680 +9565191053992735873 +15293909573384163532 +9183502703411752140 +1540450679473650552 +4478021395286069563 +5885976078596835622 +5727354422913011226 +882055441458867373 +1464322427066011076 +17502053046013550704 +16793153298366748137 +1873618446048185167 +3489386788179551050 +2014487363132002995 +245051625314 +5884848051677709714 +3001971585049045291 +7444008460096842013 +17219576355391228484 +29894155705980337 +2036205445 +5347351719937378487 +2625321572202189845 +9870724661408873 +8083932538096205607 +249849483538008553 +8023447631643684941 +39912540 +30458265895589209 +17094420907842557820 +31243254108805162 +13863504285787887148 +1981544248950994330 +11288249707613806934 +8107633101452235030 +7298791337480356655 +6342120543023879578 +10058027387697447972 +3387142623027022372 +9989062842342649711 +439490216513047947 +7171706723174648876 +1575898563739936006 +12598689303945959538 +63112341 +8901793105613516555 +563152432 +2522549865769689670 +567019062 +570885691 +15442713712222878029 +10589633049251956070 +14210563131035114928 +16980449458069248289 +5196265211820249768 +18143576396795037593 +14891155640775045542 +468608033684 +1118323118388038380 +27638110466238192 +1574831916 +5832726215923752808 +5141454935019371137 +32432303330446946 +30740239306007100 +5511645657542824553 +2204460350425091174 +83092815337956110 +6154199846417866100 +3734950395625869130 +830399557691527051 +11176546808036614555 +12270002031873435116 +7801663844435514610 +14383055795351369 +985223082406925265 +1998795761905651225 +14431204815269019157 +31022225615777133 +1939298784770471415 +97912031 +13598617575392636275 +8664854889141977247 +29330140097369354 +17033744793357343193 +31586335805361333 +32714319732684307 +18304136017468875420 +14637903957824966108 +4959080534869678921 +15528861576026870906 +2624757556593582011 +1145668896112782533 +9021496992187490895 +6829854314988120316 +100077101650229230 +11294291098333287955 +16629894599874205281 +115210490232321265 +29612147901093924 +11756135773985665610 +1991991098769615699 +14911447610171656258 +17956211265708312542 +12929336513373093754 +1732546160493746260 +1873618497637322028 +1682680391473518261 +8905421980220404426 +12069467635392584406 +31304242018008282 +345184634366670463 +33278386930461399 +11776869488740733563 +11076891475999680409 +10331572886748677681 +5356297039799722580 +14056767300275890768 +136602088618283720 +3666742271342296888 +1785796044663495875 +5729046452542978971 +5516892818902036036 +4480193273419164970 +10305743330715660838 +13294897524111587141 +16874077736412719899 +6261263733545503803 +13726068529822895233 +15185951166044854742 +6927451946563338409 +16171553699386190354 +13819031588193568 +14930532536359593554 +11077917976397097095 +12155591473290041238 +32150368609849239 +1521238580360333554 +1840738065942004734 +12108985011499913788 +8864802475807090195 +15678048125207403380 +15289397341033737685 +17512680617242669601 +15289679370335314137 +155911487 +520197198420 +5464488945247998405 +5991347923196709196 +7799373112474159929 +7436285990323968518 +159778116 +5343185758970927986 +7063042752901637025 +7139605588802798103 +18144287363223279391 +796257100978598870 +234893961197867363 +11589943904033663131 +6806854984264730851 +13396082089821356296 +14101047990442038 +10241156380279779857 +209763203034664663 +818063611860166725 +158978436170930308 +12482356800642619076 +6762036744137224427 +9870724800607492 +1256398970679485894 +8332450570656445168 +2624475548788672034 +1998795813494804357 +15289961386737554743 +2791055594105670401 +9288819099220979927 +17528022603826350419 +6653676380367561746 +1417558859971390426 +5793852920991191417 +13762870397868067688 +15289961343745740873 +14593427669827589744 +6473981399990954226 +4689994313342928586 +15140097999495499283 +5993604063017447199 +9870724819940620 +15688521365104708541 +10320989085193885011 +2719347764409950419 +7290339324003421430 +5496922373131626252 +6097847743126594058 +31304293607147500 +11780957597320497767 +15288551266031063521 +14939879084947609329 +17837453566692251563 +15292217474967933886 +1873618506234685768 +5405598728725530840 +6456023583136570155 +7196582215243931218 +7732782016354589313 +18153064162178059736 +6170749808377011330 +16427545104100581119 +7211332299491778185 +7033105755976302932 +16470125690924584882 +5831598141714664360 +9870725347046863 +12620665318346658155 +6365225478934038500 +9870728847324985 +2236213724530673692 +6304798526084242013 +8597156797830206890 +2625039560099180808 +1873618441748894000 +12020684574736648728 +28202057289765675 +1733363542 +15289115311734861497 +2973676922841153012 +1007582059095416643 +5270521238077072809 +17989427870652511025 +14432668792915513799 +14430173329638385718 +1403164865030812319 +237110664 +8810391670700720015 +987047141548705749 +6364097430520945210 +2530175340658847637 +7194265602276393646 +6153353788611041818 +15687337562302075534 +9870725374113256 +437798118096833917 +16281544167465775624 +6364097387529112317 +3308118261903722811 +13487842911011821561 +13302722670275794143 +2789363573071888247 +15920335005095366630 +9870725381846564 +18249889854079386913 +2709909863184877190 +11245211862795826389 +13174099600966504023 +8514628424817727840 +8496115233451488710 +1760429914 +32432363516946892 +3695785885653940498 +5462796868326918929 +15449764483597276513 +13922694655813042888 +4218340464526913800 +2368903240497371393 +14720813411196297163 +10377761462107271507 +29048140889812019 +1344877224227128935 +7300765486692041597 +3031237456602021598 +10233694917695591014 +2652485244263484030 +464308734378 +16646707010104273772 +6290220066505710979 +7119982482055194241 +4000797057358045476 +16041596230061991434 +8638148913314294840 +16075180006270249 +10863510053166139557 +27356055371387646 +15291371408563784955 +5881302580998508412 +11685864050244016865 +15288551317620223171 +795149922 +5140044853005404858 +27638041681140223 +14383051496057442 +15291935475761565242 +9563985093663792945 +5862768037449528098 +7138759565389267455 +18051696935085562909 +5196829253224778022 +15787693227923478798 +12636173248644995446 +8483415125258481856 +2624757552294292062 +18181080380580382302 +13553803778814926632 +5996988186764335476 +8125591449130987595 +810616438 +7087765769449898475 +16516307938144509538 +9373626575421644363 +31586288514263679 +814483096 +18370210118498347032 +6360390292413492186 +15287141218411549206 +7217242499843363073 +1318389466 +9870725943752286 +15289115363324026876 +18214565962260628287 +10583135721657607333 +18332501117187682583 +316178999322815536 +829835572176903487 +12118995007347034777 +161380733623423332 +16163352099225169901 +12385798487652112459 +7299919411689358169 +359083517852019816 +1873618450346233173 +5409264954858295919 +12550808634470385197 +17092164759424404325 +1147642972240173499 +5726925958800624390 +9389031138955568283 +16262666567263526348 +1842148139357400616 +5729046448243695153 +4273355879183562937 +13729452748150740984 +6925759848147124333 +2582577477291040769 +227855701273 +18147141886506247071 +11076225877980886072 +10583135657171819641 +15294191572590474399 +12913844036114204820 +541394510512615255 +13819027288896941 +5672976408644578166 +316743096613097945 +13228094635257762412 +6208295861478694670 +5464488983940525962 +16191113565432457819 +2445495030695014036 +10069036677305099476 +14473139378666215094 +1254142856655818849 +16383116559020531817 +15745644891311120536 +6657752876032334862 +6362646389242424537 +30458205707835936 +4383565972027616672 +553316173655849374 +7086919694447215047 +6423213095607547179 +9870726994097942 +451412119984 +14900213215261693826 +1777050885517162610 +8424561207639691779 +3143159605220479919 +9302795415260770991 +31022272905631700 +15291935527350704808 +5249797202673938308 +17823938822072527247 +7193419578862862998 +11781590272624962395 +3955329463884852949 +9202569951037052432 +15292217535154433248 +10803094198805280921 +1992588707391933066 +1251604709030191656 +2395801507 +3685635809078677586 +7288365174791693042 +17619294708862966609 +6151097687482832224 +7877020788540263169 +12299775547791052891 +2947421243242255604 +8859398409388577612 +2531021368370416782 +1873618501935373860 +5041159669577567762 +3534442396037431276 +16351995421707809143 +15290807435945788056 +17516169188842411223 +33278412726356612 +5098241858427578358 +13944426554416906961 +1154748910884053666 +14815596685297214988 +15293909564785575498 +1464040410663692713 +6525821296728881183 +9944522895650614095 +14264490150188168511 +6101795985660391972 +395562737344079839 +17224768959671249100 +15375116627154452053 +8385438928387447427 +15287423213318653226 +99231138423202157 +2625321606595415023 +1027501559586053107 +9213319722374288656 +2607103221127007915 +2625039555799888102 +2836768977364278911 +6875872028473769793 +15291089452348032242 +8707929775530729150 +1684594439441831534 +12911821265943675102 +7192573503860179570 +17564225130024154385 +7888341864134085814 +2446067626 +9870724571231179 +18414206479632118086 +12622923746538427454 +1779588998748320625 +9870724575096064 +15827194619374489592 +8961523727179725051 +14592299539730092034 +5888796311410064180 +8254118302865908154 +17089062531704374394 +13523514438597303576 +3305725656989834201 +10416042942961112008 +5896059788477882589 +2912231556061550417 +6993874441261166970 +17646390544367164312 +5300226918518891662 +503001254706 +1218076211525591437 +6743921283622393336 +7299073388275827521 +16074403774197674816 +13735950131632297975 +27356094063919871 +13143536835617301665 +14776830432800886920 +12137763800564652489 +14101030794514693 +2208983649183357200 +5344291102832488016 +7239069803025664444 +15289679310147568618 +10944945415837068180 +8626938315809377958 +3404370981523179450 +9870724606030855 +15201334258774400856 +1903640920853057425 +16520488959599916544 +17983605292098133627 +438515478105 +11042190982947632025 +1790926390050643571 +2836065437668435361 +5198239326640150300 +11473102108028714898 +9870725109937553 +7035944040138089773 +9870726113883797 +18181674493324779764 +1988560765 +5248157445900799128 +16860434658287115954 +6517011693716180816 +32714354125903683 +9870726617790200 +15290243377345349160 +492307938 +1693170535548588864 +2721642184023499258 +1251604696133560809 +14383047196761068 +14997655516592102606 +1259429382145270300 +15289961326549807718 +5725098261597081044 +9966772835707134727 +9870724625363997 +16546581931563052732 +6097847747424642456 +361675971417280518 +9301103273853920997 +3867649 +14386655907412250239 +17867978366535231047 +2624757547994995695 +1386796956420346381 +8777599963281821634 +7734306 +7329222073103763285 +11600953 +1631882651478527071 +12344076903517863722 +1205890305561802917 +8112311653099986575 +15292217457772027151 +12661099740401640118 +1873618489038752978 +15294191675768790213 +17462509665872383919 +19334223 +6206321746660256166 +11637858186298997810 +3978649049711142778 +4198590440937249132 +13303564186159091720 +9713395898231444199 +16146849156833550336 +1873618446046924380 +6100103835655035068 +5572365175565008961 +994883495280134866 +6577969361226586204 +9777290512356626023 +9870726160283298 +1884114781242153780 +6153353835900911017 +538707443 +15292499474174252706 +16541217131543942121 +15289115294538938876 +15519826062115491195 +223556407208 +9870724667896969 +15289397375426962155 +42533995 +1146232890226193423 +2287719346835518231 +12425792594693006844 +546440730 +13819022989604606 +13766884099731645578 +6440281088642261888 +12435788500255787234 +5780604285587580426 +12600530117761389477 +5138018131179803353 +743599530638583941 +7353733401749423064 +15049821920487101580 +17783567759009272239 +4979381721411438547 +8465882951412433283 +11645598856682430984 +8365389529913711388 +15289397310941171387 +5938097965942584404 +4709060078846742328 +18001524892028126994 +490104640774 +16862103730560529067 +17020869140155612353 +1576180593040251309 +6152225744495973527 +7268001992456681885 +10235386986018066647 +4018935546784147094 +13095430805592295264 +5461104714022270291 +5562931126634032160 +2729219867515824626 +15288269284022042755 +15290243428934496910 +2989761681675849479 +13626565541769401812 +17152685971422981223 +12991440749542262298 +17863775709192723618 +11776016724695606232 +1890885821271929350 +13925023889216252885 +32996413518788023 +6686510624830812644 +763377330722387574 +29330183087925197 +14900923026718147497 +9870724714296471 +7093479009436063805 +9870724718163126 +6368045625764818445 +15377479740513021816 +11891037153169383344 +9402235429466616558 +14273081993168251676 +9870724725896406 +1894834068105030711 +16425638839461285451 +35191393466920392 +15291935458565633177 +104400136 +12376142831371637391 +13945283648537564056 +14636944485776181357 +4434956933160179009 +31586314310147296 +9386257309953700411 +6926887922356125847 +112133401 +16760866171987724 +11033411317947120168 +15292217466369355112 +15288833286734041922 +1873618497636076004 +7160656041636872842 +1873618476142108126 +9675056238046940092 +681145240220995128 +5831598133116083373 +27920040887456585 +7439351969672861390 +5140326852211708841 +6409817306512437596 +2625321602296122622 +13614615898053882521 +16427873138458768875 +14520872225952833782 +14919763862626711246 +4148540773936141234 +5780604337176710042 +145215777168242087 +7088047768656216561 +11914640296408082929 +14095300710942186274 +5303047026657137861 +28484108085248033 +10783079664800386428 +14758160561175484694 +18315091100018565590 +4787593738391804445 +5782296431293635493 +8697674543180563780 +7967657551273421726 +5570112874703564583 +9870726276282040 +12922846182623948623 +2414366301109638804 +32150347114635911 +4603419666167000069 +2390363305266057276 +11294266987969080149 +154666298 +6383504781677257708 +6864248866757432355 +15289397319538533314 +498701975383 +11702319017904717188 +16153465402254959366 +6044165549130848751 +162399578 +6926041847353442419 +28766124487496165 +5994732081336831637 +15739206228516279559 +1824223415442236697 +27356089764622697 +9870724799362300 +14101026495217607 +16871257559488149065 +6178399515959760179 +15287987241823847532 +12059258463049298396 +965684883864894064 +8816714405632569799 +1201738987299826446 +1890885829869256299 +9557904511767362178 +10771469979967885227 +1167049768286691731 +936899463602596488 +434216182981 +876713268353905688 +2156289463756088874 +5522619787665870860 +342928503145893145 +12828601821883287892 +34406435345030319 +8540508668388398914 +15288269228133596679 +7032541731769090370 +30740204914162486 +17425160200172226396 +14995963418175877042 +11229884474259869054 +10247753748507467013 +15881163575329493366 +15289396747527921171 +6995388121444531954 +1873618549225230383 +8900822134279789179 +7942152859479710903 +15859000273729254254 +197199221 +195728855030451384 +11503637287700409891 +15762397262040946025 +1884960787459746776 +18191916065508500746 +6981547935829721390 +1873618527731258850 +1841584106552848185 +15293909612075427254 +949171281457278474 +1732546190587677042 +9106532716476055323 +15292499577352578128 +8983295826499546123 +11846258745807154737 +7193701578069181084 +13125102973793607246 +12058130328652561664 +104025378577266075 +9538952396691935159 +14259131829938449927 +1873618484739460298 +434654902054570367 +11425304713130351240 +9870724845761824 +9870725345801678 +6050238105327328814 +14266293419834890448 +11589401835157614731 +17877509356004053037 +15287141166821166360 +28484159674410454 +9117265770471249763 +15290807375758040125 +15287423196122729198 +5415236518388573270 +104307364887021771 +5512098613139945610 +4085763651017778923 +1464040350475965501 +6525821236541144338 +2077627859197311022 +6154763844830504965 +14158499169996196956 +9550801396076787043 +219257113389 +10757572286839923422 +3780916401837002946 +16459447294307932445 +12611198514295888750 +15289397371127666106 +14240769115040150377 +1467988640300881514 +9870725369001430 +18326607125140366656 +12804866717273492029 +12271613223219962434 +1413046554536599174 +2048016299960186898 +1412315415600376201 +206496106184003257 +9870725372868062 +7924179306407548411 +9870725376734718 +1411636519813729756 +13679247607121524036 +5682914168999269486 +2478999941885868838 +6980701860827037962 +18413391979390173265 +15287705212524970719 +10356774878206323784 +15289397306641888764 +9302231339464412929 +6981890464072481711 +18039596185714450860 +2152216378620980733 +12166201838644829561 +18164832363680980961 +5988283756484119198 +4259434058519893856 +17778250071320304201 +6162654095497453914 +14000669212585107224 +12957276696313944224 +15859526965022960438 +442813529944 +7087201745242685913 +15287987228927221647 +10695941049625226775 +11246066946089444233 +4278716355 +1529157678494199128 +17150122061001608948 +27638084671715745 +282264993 +952799931069514057 +6366353527348595998 +11847104721929596767 +5509410202188196684 +17791686118470801421 +7883829554400082142 +11193857317330116209 +15725124231821148266 +286131641 +13137975441279948625 +9721963210361550550 +7299355387482145607 +8920924900716599085 +27638041679915276 +16858460496178728737 +12665415612666228960 +9824887415922503212 +5135521567145151109 +9896294839303090510 +15290243360149413181 +5620239770592101772 +1893142021279133035 +1873618536328619699 +883931539946607141 +5203279258817884767 +7194608100425405770 +15692721558936031791 +5515050513045736992 +6104586261132348776 +1410790444811042419 +6020728431256359742 +11075661853773667635 +17090190657502529111 +15287141218410304554 +16730401300547984285 +5168699629008803921 +5356475488652378062 +13283720445667456772 +820971208 +15992827209953257464 +17417861760051523405 +1873618471842814787 +9409295226592058617 +2625321597996830401 +15847962188265705454 +15290807384355393965 +33560463521815863 +821147663836515435 +7086355670240002485 +6344476675021678260 +17634738440501084188 +4396379171791444860 +14159046612948228656 +1838763959720828168 +5783988512512742635 +14772210831162307111 +5259808874432453437 +7142560854578837006 +1836517230 +14034799134864058575 +12753199623155225705 +10153395699861238186 +1702123610703030368 +17940649545867283927 +12020126521146283610 +5283092403269876579 +7534809518349570880 +10489348592104705957 +12637664203334294840 +12500216025869325574 +6364097417623063507 +5720095940072782545 +8694008256860068266 +1784103933350605506 +12266254864277703318 +15292781537866371877 +4253831694270226695 +6912693590870532334 +14395573755353642936 +13669583310056006991 +5813986321423406818 +7395042549638650332 +8858552368779105626 +17465165077596031696 +7192855554655650436 +6599094040315450146 +15291653510947225427 +934361247193047950 +4275101731088313776 +13776701421853957181 +14578349402296176684 +494402673863 +12269921081813121463 +1165075662066773223 +12826571498698443910 +15055604049392244634 +2791055632796964811 +16893287376696974862 +8911802252948878334 +17513349011919029734 +30740265100651496 +1168553442637402264 +10259573046193884740 +5272120000921867512 +5516046782590618303 +8940916583823070148 +16075167108392973 +10756726263426409577 +15228383312902708193 +13824860123674654358 +1873618256883765852 +7409863957487105460 +1031583703477396751 +9187603783719474637 +18077901738905053581 +429916882975 +7354015400955741150 +9927197578428168298 +5569296709752221949 +29048106497950689 +15289961360943036350 +13217980679450926591 +7241043917845578813 +16881139122607699672 +18412545955976642617 +8695136369761662136 +5249797181178710087 +11309390084970334039 +3850502710603302744 +6979855837413507314 +1187792030925012870 +1042835233529354132 +29612173695716803 +15287141248505492922 +4228883117531687867 +14782591063706199312 +14523863439265588071 +1873618523431969101 +7192009479652967008 +528332736142008764 +3577503648416544388 +15390325188602718250 +5993430486462644438 +2691363941378636820 +5249797116692942313 +933797253078413388 +8233961467785401539 +1717145660605813801 +15289115350426150666 +7141015683713598028 +5645056620059299518 +12273668189219863928 +7047658320246171879 +10908850595815169266 +6402191896111689259 +5303047073947020081 +5405598659939207289 +10225964751841660598 +17096003496647471815 +1432832873447177303 +9870725054559572 +14424532949994507886 +1997667704893893140 +11468510220170511995 +15229092105688118 +3073660975119364542 +5370706211299075507 +5744522418110153479 +9325027096347814400 +9870724566092420 +11878630053446879642 +12213795120255867404 +5147383464173326307 +14337715982133304942 +1149335053459206969 +2441545293858411959 +1197790787756570109 +9870724569958595 +7721139341596305265 +8990319004230704003 +9870724573852625 +3058726378331457583 +15292781524969737783 +15142404123505685028 +5879864397206929293 +6152225778889200040 +9245620521216600424 +6199080689898563124 +4197549457432995675 +14975681650484328111 +12427099071115699399 +5411521030190797467 +11829894516969401777 +15462816074920244586 +9870724589319147 +17151509585123765141 +15833521322698554990 +481506047097 +32432337722424725 +4227739705024253266 +4838344835412355263 +5334650189024599814 +2624193523787787152 +15289961412532197180 +9462223648962583564 +7085509646826471837 +28766107291571409 +15288269275423461702 +6536766704526307445 +9870725100959073 +14923712027778116579 +8631911307282179229 +9870724604785660 +5516046769693999969 +18157949162009812971 +9870725108692355 +11294548987175379858 +7183128486057567041 +8075071868901140660 +2612746777858034974 +12121874704610963031 +9337115527177132187 +10067399823217348798 +31022238513760255 +8790845827308403745 +439094096018935916 +882239441530400235 +11078361536363433841 +9399866244694620927 +12363581403452875633 +7246669493126562551 +931505869076916209 +1069301756133922241 +11461030838125679594 +1283514807532527089 +8277079119226297987 +17607182983838567216 +14971589287276927142 +17685914652015138405 +9005649368411410844 +15369688544068648930 +2622446 +15292217500762592342 +5463792384398545168 +935489368691990538 +5697191325465977440 +6489103 +15472987930905498113 +14295407421965226656 +5887799994573981719 +4329752059351341657 +9870724635718720 +14154364749179470311 +6760362462859049824 +17480593072628501967 +11235855143634156183 +1198918814674542866 +3398915934341379803 +17810613830376494950 +11164094934344948946 +4527848932273826683 +14424533001583671682 +12060104477863059875 +17466346332330612002 +1873622121829657384 +12063206628200697685 +12099752036348412944 +2545948228170694227 +5778348197355915671 +1873618467543531659 +15302298090060781772 +3191712388857011804 +15287141192617055191 +6313469283866600321 +15289115337529506462 +6041909422209375541 +907297515964556180 +3416228198089781067 +14767261450680549899 +10655335579542122686 +5727354401416547041 +9870724655051861 +10163069590560392742 +13726068564214882503 +12751507524739009762 +5356297009705912861 +8971880411373046210 +2287521282109367047 +5197393303226551064 +6153353814405705740 +15291089439450148190 +17382811658617571632 +1144540847698373362 +9870724666651773 +541328895 +545195530 +6364097413323755434 +1839046014815571308 +15292781533567073670 +15289397353931755322 +3875793754648152694 +2843741509955444077 +12500216000076059035 +32432389311580947 +18179418362103996466 +6205434785478762086 +11171834454140929943 +5875647804285668312 +5996142128958942783 +4438189719316611552 +8265177372236934623 +810278393373483946 +6231742805412762791 +8565132145265958587 +490103394968 +564528692 +17811132529008909422 +15082607003165153399 +1629430520200585301 +16986559721201292486 +468609402858 +72221881 +16876615896935173712 +7352323302539527074 +7931231846053735111 +6140108314426091432 +6205475723246636753 +6926323898148913285 +15288269262526825644 +1873618252584474299 +425613749323 +5728050170100146452 +15287987211731279342 +425617607080 +17653420728958600665 +10364150078460676759 +7998758032445760312 +14383077290696557 +2266898657653040227 +29612212388258976 +6641861280600703651 +82548115705513758 +15291935501556192084 +9870724716917930 +5509410184992276979 +3189738338525527424 +27356016680241656 +91555022 +2624757578088919951 +8908700085416497445 +5249797176879436595 +9870724724651209 +13355512081315090985 +1441063386750527461 +3415946190284857310 +14428924761094500200 +4859767484456777592 +5567604576942691550 +15291935458564390944 +7087483744449003999 +17013740960873193202 +6749479202064246363 +31586314308895827 +2844912017228900993 +1518418330351396977 +5558136804797002269 +1873618519132689242 +12275078262635248583 +28202134673578407 +2841982591601491282 +5352348771470176679 +5624572982267431263 +16469918826902269995 +10294860376912959583 +11118215535264222121 +14490988229158572323 +5249797112393657833 +15287423252009934008 +2834870062605946407 +9047160756163518012 +5209231736240807141 +1198918801777911680 +2573543850791168225 +1125314915933235255 +1764178170326967109 +1873618476140857962 +5497607428827274681 +6380846095994142267 +12815175355945470766 +12796285906307986120 +827579359271743685 +15290525359355742676 +14261398347457710594 +4069510312544114130 +10647918455472475750 +9527547870932258110 +1300970826225903398 +8208177241975905308 +16419738180414693854 +2625321580800905782 +8040647531058127149 +3241336572904953818 +3935460166821431359 +1609691227769165215 +3612294399218557794 +3655854607192904919 +15278816674640185734 +17284241873202253426 +14749580058850431702 +14525678288269291711 +13780637506563354706 +12712087634510638165 +7928975693336365885 +17132010341357071050 +15291089426553532509 +1626892316687684236 +13307798926833552077 +2844880603282488429 +3793164223678002967 +528614683759161488 +16270286698862744508 +10320637572337377507 +153421100 +14015938822769559012 +3664204166709847431 +2731257686060980723 +6471725260171578694 +11372167720875204783 +18324221653005116736 +1990666252850702238 +3893100303535847255 +2147544192832849818 +1815161925519811790 +7252182233586352812 +13729734747355825144 +161154381 +3561302037904643045 +1572232290317456011 +30458188510677309 +5386208039263943659 +8799952833503831462 +15288269314115971432 +643025413929640895 +7242736050653848114 +9870726290503357 +12198029587825179945 +3573803894998306448 +18413674030185644131 +10159392366806265990 +10846196352290799203 +5779476297360880095 +32432333423137434 +14922019929361902027 +477206760322 +6980983911622508828 +448372043365427978 +13515158333216991369 +17057022104268446905 +4983841778875519619 +10608900034457903039 +2676819902 +17131100491778175603 +17307138582886700813 +14472814467718459799 +878291147406188045 +15288551330518208409 +10875081212388725709 +29612220985601058 +15292217539455112444 +16248578108880346159 +5299098822813425452 +1518136331144998187 +195954029 +9870724821316884 +1427238547442458854 +7706082920377033902 +14146408692432445421 +12163381674616884110 +28202143270908547 +5710389916955189363 +16254596003192774028 +339083058007920592 +1873618527730013721 +1467142535205636266 +13983714582082383838 +6100103917338113746 +5778348236048443320 +32996336135128297 +18344667468539252428 +2663285062890638790 +5778348193056639376 +238820817369713602 +13179445551491209107 +16402822731255526994 +12580614903473058667 +1416148739266270632 +15287423239113293293 +1719273293 +6980137836619825400 +9870724848383273 +2625039581594525021 +6922789961772911136 +18412827955182960703 +31586258420454459 +1873618463244237340 +4409898088814486745 +6175741805446847639 +5246977008553442158 +6994029658347622066 +15291089478142680221 +13862523603732615144 +5677488628097044128 +17082847199017054198 +11074251745966443743 +1977521358397072459 +17117138682054580301 +5842746129543809582 +8787523062794054278 +5438273239143486043 +15287705255515546802 +188889155143818009 +15058563649293004319 +989685165561437936 +15291089435150856256 +16267581173591577767 +10604506699394332954 +16690556653938368767 +15289397349632447866 +2231177007949762504 +9870725375489525 +17971473236626723934 +2530175319162379796 +9433463473978102098 +5994450030542719305 +4891407656087067782 +11468052919789171971 +4974759074281294514 +8192767943209280116 +18150243963758262450 +17235362122381355610 +9870726387168986 +90244561210977012 +32432363518305239 +14101056589161617 +5191941735507716928 +11127783689530274156 +1416712772070762704 +17939922298747571457 +14263644100980123937 +18390671708185043160 +1543809028311897582 +13145134880981343700 +7536662675168835944 +16127313993280992745 +7659079343640105847 +2126679883759826993 +2624475557387394578 +1733392188206697419 +7247797567335564065 +12715826553344903457 +12266818901382939782 +8560555302365765095 +5299098874402572793 +2146416183109579462 +16908326308189521058 +7745426544242873861 +10421968855786398729 +17944727622506659747 +10593581334778944545 +8422587032633428225 +16500250690393679804 +4378750795426176452 +15073085829994532792 +6248375418015596359 +15290243403139980931 +12270241394066268300 +421318307722 +6419453255668612859 +10907429529076434948 +9764585664502770331 +5789644173607637547 +11453734735852880562 +1410790487801620923 +5099899943215653664 +2624757573789630868 +32714336928733985 +15290243360148180250 +11511147933887313666 +3009662357202367096 +17625510101736891241 +7085791646032789923 +4120982579551285151 +5671848295744342958 +12711298285117582250 +10706014518282508495 +6815608541961667989 +9297719077021430834 +15307507726591869555 +95187555425672908 +104025408671195668 +1873618514833378449 +811992705 +7034797850093420943 +1873622147625543845 +11932900081838344254 +6571549400297385945 +815859356 +11074977296540377468 +17410350896437664593 +16364556099866137988 +5410675011076500194 +9076392102438124295 +15288833260939530457 +16953342370982867010 +1815323894952711712 +5886499212326167987 +10168145881510007906 +825887260855527135 +15018372292397308979 +5250413516934023839 +9870726449034976 +1823672171 +1256962990588706834 +287347883431907450 +7246951492332880637 +15291089486740017965 +1873618450347595298 +8443432440786588623 +10996975363204083978 +5154543567838466499 +9743112694135288668 +12803790912656852719 +17165175141756129461 +2365498112266799533 +18319673058311761735 +5677488615200396516 +12613011696023000819 +2625321576501613384 +5406047212357096007 +5812662174917014633 +8582759827220606431 +13819048784252432 +17063720851181361214 +14692125830678778205 +2138237718664597891 +14953027591898083748 +12911837688061438918 +18322884876277260628 +15247837858268068800 +15289115277341756855 +15511142901182393 +13609859394403441799 +8592630279832086358 +18108263957602979490 +28484082290738106 +6364097396127828135 +7353451376748528588 +1082832726153255394 +2465915763272212749 +17944445614701758580 +5464488962444038684 +2908728282872694777 +17941158056733708915 +7318928098821087094 +8489561521808090456 +15292781516371141369 +5672976365654141577 +515899276494 +5726358123273077950 +18411981931769430055 +6979291813206294752 +11227456630099825751 +10597785753502118592 +1905391107871286576 +472907457472 +9870726995474199 +10722843938269568007 +6270921144476981295 +16880857114802736070 +4199805580056597828 +6563516821440570350 +5516046761095423979 +11626704882423196691 +6542379093554781694 +6396306851230663912 +7063619439807119416 +1523345308027076757 +8386284960399715759 +1873618235388541728 +936899437808086680 +7140451659506385466 +11129475727758725028 +13489466036702427188 +27356020978292179 +10483627262307884531 +17408884739334741945 +3021269128935141140 +17946441695893598722 +14473510418571144662 +5993604037221696956 +17897574268934639948 +6906773163853115528 +5129654712350633104 +14665067898487842 +6539294102684397294 +6204347636139758180 +1788898285280317488 +7352605301745845160 +4208656533364874942 +2714341079893873688 +15291935441368459428 +1873618501936749377 +5522024731759101772 +12074883489796924824 +11917647837929031151 +1732546164793162164 +538688904209328129 +13041281286977764842 +5603319953619882372 +14498644579613824827 +2203332293412067144 +16441129845655087915 +7241607920556327509 +2625039577295233253 +1873618458944932676 +28202074485832210 +7132563894606328508 +935489295607611539 +9870725053314382 +12890040283581524292 +1517290316328814602 +11496943314063287284 +9284362173790505534 +4581228268110439327 +986765107949225213 +14657860392804688872 +12239027656080514471 +155104173409966093 +17185961547367585116 +14361456990268308569 +6113973966562412719 +7758389320980651060 +1073706233092000080 +1573924423125718538 +4999048390027130794 +15292781567960305852 +18270115450271131437 +5888081980883690144 +1839046006217008593 +13001845694847519268 +17570286029825272662 +3235602899388867267 +13169917011251446772 +1623790200744461489 +5512098522859662839 +16127951361465609170 +13669865326459697095 +4069792311750432386 +12030211053774328755 +11923578915473263941 +1081973688179903686 +17305802256283475044 +5155012453095319171 +11235009133117204546 +7246105468919349989 +13729734730159907365 +3383274459479366568 +7206089555868473662 +14101052289868362 +2672703285363433973 +11423146816890476875 +692605777689720747 +8386536990401899079 +9789319859965203781 +9870726099793548 +707396284562889845 +15291371425759833661 +2624475553088105018 +878291194696067991 +460010845023 +10955223681225151190 +5459935770831763140 +9870724603540470 +17465760264366414308 +11758069550563400571 +9870725107447161 +9870724611273748 +827297398756689663 +417019024238 +2011949215507682416 +16888390040270411675 +27638058877206156 +31022238512525335 +1200046884584243185 +10618847259384615371 +11050223150350483894 +16754216790275083324 +5567604611335916412 +2622783424577870374 +3460521984079308294 +1788616212989637458 +7030864343134905144 +4888419829561170402 +13605998671607318835 +2676033351739443420 +11424491477468199703 +9870724634473524 +1895990673212124560 +13689067264448424108 +10799758872163985210 +10321765646545201236 +15287141235607611616 +15292499560155410011 +12436744821941414982 +12542566136569212616 +230324577526291154 +5196829205935043722 +18313170975766615464 +17063697102470777862 +5972855211812726219 +5887799973078780812 +1377306693002881339 +1254668688967817032 +3775072285107036691 +7245259393916666561 +2524776373 +5822772555245514592 +15290807401552691472 +1059334855484843902 +5675796516784184589 +15287141171121831271 +3297425404401232105 +245051758675 +1522366620176235711 +11655001993681129374 +2625321572202321550 +7407043776264425318 +8482084103035038419 +2018524397999319305 +9870724661539947 +15070874038479104359 +1144540847697125664 +12745679913544333764 +40043613 +28484120983261483 +17945855688117136180 +13819044484948156 +10754470140802972966 +16862372087833839962 +7351759278332314512 +2785415287546401389 +15287705238319606123 +13961369777997965393 +9870724677001470 +12346762090311780732 +4935397869899304965 +496747170645217690 +555550251 +2522267857966096147 +6890067904360508874 +17954261985218795793 +2121551635259406425 +8683329641419378831 +4728670048079126156 +563283506 +2065251783916128836 +63243415 +15793124915494530 +15594797272826128897 +6337342946992267142 +11381149777473639049 +5779476288762293066 +2601013084734032740 +7406197765747524385 +70976678 +1401559470217771767 +4022783898176071827 +12375010918606839969 +8842016287783671097 +30740239306152433 +32432303330576858 +6366353553143236567 +18115860927276519283 +11122727754716749345 +18059263644909513629 +8874026623554709921 +14299680457632139871 +13461170871450736891 +2992561296015233971 +9870724715672734 +8099703328722674777 +90309828 +14383055795482929 +8857706332467707857 +2108397809554510596 +13031177649551653330 +3315661715940248801 +16990917678970589078 +98043105 +15290243342952249439 +10106624428750691668 +2624757556593713021 +32714319732828542 +8181187340489997392 +5393540432733545042 +4936630674612433658 +16135696211206542213 +10516680436458395027 +9473994526259026288 +3172873313800751653 +2574671731618947440 +17011915733784399041 +5566476571520144370 +8414115611715784334 +4600231924000053823 +17589395983134517812 +8685292702592676768 +33278386930601602 +334447484152128133 +28113639747772581 +2625039572995942000 +1873618454645641425 +15287141179719176859 +16017733768637328308 +12306639309850170310 +6365225470336852358 +7086073645239108009 +5722409923729836718 +12743317986952749617 +6041909409311498627 +5979159867485134982 +15291089469544088537 +3866984390250997222 +5357989060832470257 +16269555352897260470 +1045091347555574917 +5124918939365817259 +15292781563660997909 +12589899362083679284 +11484387203384755759 +7870725491967618185 +2610595274536540827 +6208295865778120519 +13332280541073654784 +14318336791419095817 +5565348510207728413 +12545157304493825326 +9658025172156551231 +2997871977344213186 +5837238474067478922 +15511125705253662 +5246976935469079525 +17772450815750777329 +13941031974197355780 +16874641803610638854 +1391321615130565291 +2047638292458729588 +3295137431799204434 +4799330753387769087 +2327459577709752902 +13863504229899586046 +14397928622703527686 +6152225753094687413 +6117593727620116981 +15446880863004284132 +5516046808385271110 +17585064889486832367 +15293063506978955575 +14101047990573782 +17619012718254099588 +13671513674306231252 +4847114588453688079 +15669493015835727020 +17177580788047623088 +5833854208448540712 +2624475548788811061 +455711539361 +11900417579466447504 +11331431558187920779 +5569296735546842053 +16874641739124863622 +17298949057997048421 +14316519415399265338 +15289961386737687342 +3879741967089415290 +290450756178700624 +1841584192533979016 +2210675717504504798 +9880584878943375429 +8013239568478721854 +18412263930975748141 +14428784522053688566 +1945545821847564933 +6979573812412612838 +13992801308560201785 +6211263978943442008 +9870724820071693 +15291935488658330047 +17623817999021398681 +2031531694769920507 +5337765204523764648 +1295506201807315326 +1711177619955797339 +16629762695496159424 +2150364442841918445 +5661467138594919957 +8912366354539825548 +17099137057247020099 +9349887124383224614 +17094850760611611779 +5938943985057015806 +15331874334187598678 +17396614503441970604 +1489014859718419092 +933515197985005752 +1086068750891496656 +12593841123448540500 +15290525410943646120 +1873618506234798085 +27920070980159234 +11867996722743958530 +16624934093420766607 +7140733658712703552 +10907711515386135518 +15292499534362142621 +13727478616135047547 +16879729036294381104 +5730738598249187473 +5458848612895428701 +9870724854871353 +11644189250161151411 +1873618441749007310 +6760308635310643255 +12060104430574575960 +15289115311734997192 +6364160896049559518 +1517290299132896120 +5652457670769775288 +4541282462845920612 +7519030386508587495 +5535304556822082227 +6233728204387144717 +16686197489590146326 +7247233543128351503 +8683329701605885978 +8515756473230956045 +3879177951480792603 +13749498190853269567 +6310847460367673484 +9870725374244329 +18411800108727758233 +9559615987485527072 +7235250283120384377 +8563309102032174101 +8147865954415435273 +16938604530725897650 +5826194972143212727 +10208613847866042941 +5851647671361367684 +10693070054104898178 +9653635019966605610 +17464068217539343718 +1254142826560768018 +5849162520410284442 +10159392396900179141 +507300696794 +17377537000932073453 +9253588097292832956 +13922694655813161250 +1411918557711328546 +9870725893617234 +5163679068640339560 +13770241597475262964 +2219404100148202350 +464308892191 +6914083977458316027 +18114168828860329400 +7034233825886208381 +14952684988734398302 +6366353548843949856 +3539821216080294437 +15288269236732319687 +11848796837541853896 +5271385667144599481 +17416014900210055894 +5249797194076738263 +494696889930828100 +15692070679858520875 +5192880963399984372 +7246387468125668075 +1731982088996807972 +31022221316605343 +14383051496189468 +3401915643830956264 +12300862889302759326 +15291935475761685776 +9301385328948890533 +7794629221248614912 +2624757552294421967 +17192339668121044802 +7031431794891229609 +15942038904294617893 +9752004188112957208 +16261820492262174948 +6439645968085885634 +810747511 +17316681810146379588 +5778348223150557533 +1873618493338162300 +31586288514378833 +5835277254346940795 +529742740771051886 +2235931652240122960 +27920058083513990 +16200965526955702895 +7352887352541316026 +4755315023003075772 +5727354427211206673 +9391897711091584534 +409981680210362426 +5458848621492772947 +15287141175419880230 +1706644843971300218 +12301880582509048139 +11986612011671894549 +9549109310558594172 +8694008321347227552 +2105142282864127290 +17868909830197946024 +7033387750883524953 +1043399249139350309 +12903069678853165213 +8249405001308728640 +15291089465244784182 +6365225423045740013 +227855832298 +28484125281300687 +13729170697355338382 +5746569339698554696 +15289397379726381967 +530117487457143811 +13819027289030743 +16006179662396936633 +5835546375651264551 +5565348505908426679 +15691604843033018212 +16872949705194415821 +5247447765528374823 +15943167017196213937 +4822257748200864958 +13669583310057399680 +7888341834039043640 +15291089400759017059 +13223018370104183749 +7139887635299172904 +145983380715949082 +1839045976124441771 +8386285046382084334 +10371546090728801761 +16365117057346848162 +7001542349735486788 +5833854247141068679 +2572415617594109789 +1039169058987137358 +11820958803366847370 +14101043691269068 +15391494223742584920 +7352041277538632598 +2327459530418631284 +451412240191 +2787671431665158241 +8998114985810155403 +17396808035473438521 +6053196318902919203 +5302201011842336298 +2055147908188813202 +11911353550167018565 +7301047481599263618 +5567604645729145714 +17530705634602601468 +10442674440483204448 +12835456257182949440 +15290243390242101320 +234558121275971664 +882239454428422695 +5707451655310945990 +6368045630064242521 +7221038382230168311 +9839328478246342708 +29612195191076277 +8327325764367421421 +12133908888584007713 +1873618544927317098 +16852270840353734095 +6103488114170732272 +6043037483520495156 +13970089714745961641 +7820211846381248893 +9237398406700936639 +1407452925 +5405598724426372527 +15740334358613923819 +1873618501935508469 +28202117476394754 +7139041560296489476 +1575334543830965981 +15290807435945918773 +13919224524090404958 +8752494394017080739 +8383464672958632374 +10167863860808410147 +18332619666187903684 +14424533014481676664 +5729046499832959170 +418283403591038951 +14444632933017337905 +15287423213318782905 +2625321606595546000 +9763671964213720131 +1255834993763509661 +2625039555800019696 +7191787953594783916 +9870725055924901 +13991673242948481717 +15461484579900235151 +2427623891363173928 +6153562809800997333 +7245541444712137427 +1493907215600324477 +4510195663483449590 +16870693539581620731 +869984510486187232 +11408348231855704533 +7194547648772768447 +2446198699 +11293908513396519157 +33560386136916360 +9870726575388400 +9870724575228895 +8166887695337994850 +1677448585723455407 +985637059534865101 +6230061926665188182 +647368416857511007 +5618598441667339881 +9140276259359843241 +7401639761433856675 +9870724582944202 +6209987891108781158 +502997539631 +9803885194457261758 +10338899821598495760 +9446153529123417006 +503001391441 +12696749360493643203 +9002294370558360033 +5595004140770700886 +12253585582527233970 +10507660505631644819 +15758933542865883961 +3600216065075850137 +9870726098548361 +1945545869137432630 +9870725102335344 +11140363946552811872 +11024829549809195509 +9870726606321399 +9184831288639232826 +2624475531592887530 +5057457538052812967 +9870725110068627 +4687824774223042897 +7709687498704298215 +15291935514454208468 +7449919019336600754 +14968028355101535912 +16252369854071593358 +11937155776729718864 +4214598676324625716 +14873936550357312146 +15290243377345475070 +783026400049719196 +6601865479546622973 +15293627556980804220 +5198239283648482923 +14063480800060649673 +14383047196891605 +15289961326549935014 +1944417820724325628 +9088972881471165450 +3983221356444788824 +9870724625495070 +2624757547995129921 +3998723 +12232186602109608027 +13682442460564307110 +31586327206891437 +9870724633208852 +5624238696637615981 +7865380 +528050642354849752 +5301072929034740322 +17047739609656488137 +8468454696114149827 +5511666307614640855 +7141996804577118293 +11732027 +10444065224309895767 +3695202118163647144 +1873618489038878661 +11757180014591350951 +9202545960757185874 +1092700946662502606 +15287141214112396572 +9870727141160746 +2014487406122710994 +5831598146012847244 +17793638793409007851 +13232275560705703293 +7300201458185732970 +1147642989434981931 +1041707150723145606 +10908568553618344222 +6974459570491569747 +742583929184658323 +5411573444917201807 +12782837558680106239 +1873618446047061594 +1633977097952959206 +5302024133457162651 +2467043755798312207 +1784112314702630223 +10163069590561767395 +17571994871764906456 +15287705281310187838 +11411381048698022103 +4710890694338816375 +28484120982012683 +17791800825825923626 +223556539077 +538838517 +10105478591425899048 +38798421 +7721139371688995195 +6310847486163558345 +9870724668028043 +42665069 +6209987942697935350 +9870724671894671 +15635925519041824837 +10923456155711856608 +1144540826201899274 +11491231604091658060 +5102277352796337264 +4253979279597850650 +13819022989736770 +5880738582584709332 +14942863891313924504 +17785259844527787567 +2305640534728056661 +6044827932502942422 +1466296485997604589 +6005160492526151788 +3670419559583783534 +1384869222252743899 +9549673330465266138 +61998212 +9665870200200054201 +9950583080036756657 +3908228642621968388 +2021239845180299770 +11869124796951771922 +13985437437494778262 +17298667041594762638 +2450713840474680567 +8102805470460531356 +14260259904147624914 +10593581360573605537 +9870726702987005 +11233051390538684390 +2208983614789014613 +8967118772139864461 +12874984814839952296 +14256452938552778169 +15288269241030367071 +17740106858442535477 +931541108959757859 +15015751190998230237 +8979911712249689955 +5040671887130580410 +1368312660932304301 +10104450048439825257 +29330183088052234 +553976982239327320 +423895235843350087 +14362448656949408528 +5671848321538989061 +10733618018216263925 +4977791693940394626 +11192970930885113995 +864344229722669617 +15670057052940939759 +16306876268462091995 +12163423461833712638 +15287141265701558660 +9870724726027480 +10822752763191503731 +6103488109871457987 +7389908165117874615 +5778348248946456211 +1608517436 +958440276318952750 +1836789883593576464 +7034515825092526467 +293570133230110574 +2950805418578419191 +2786543335960946009 +12974919760130952302 +2399325703848469929 +17625510063045741304 +8405295912409567391 +5620566757354269341 +227222435788640316 +1873618497636216817 +7311508048676545457 +9948326991805167380 +15417905864639003720 +3477127770951657905 +14237381820030133039 +12428471601026183387 +1735930318633987975 +1873618476142242545 +10700535707997250816 +10280579133800018042 +2203332267617571173 +2225256215728111168 +6672273938365633844 +11780652330017962598 +8807886331112852025 +3530088557255091586 +2625321602296253667 +12749251337629741243 +8794204864089104666 +8299123345010271848 +1571950295410568019 +16604007140260671746 +1785514015364695612 +11829614794030073281 +7171900887576173574 +15166008169874209498 +11918933647021000936 +11501195652629140806 +11649061809146122199 +3364506306553723558 +6365225405849802018 +5792345985031355828 +6980276881077592311 +6658442649972320618 +15292781542165787053 +1502804306755409381 +5252669682549412775 +9870726776452868 +1230054568341818606 +5837238474066254450 +2874084217735302447 +13303975118895852218 +15377371869015000175 +8353308221296633719 +9903409772850396166 +3879742053071789753 +15721176019378784011 +18411699906768535579 +6979009788205400276 +11578138925660255781 +3292973778355033587 +162530652 +1576180601637716751 +7406197795841461824 +30458188512062143 +9745666689313746610 +5881302636885846065 +6928015992266031296 +1881294612916279670 +5141454965113440255 +6967043109020902905 +17782439719193620241 +17377223503468572672 +9870724799493373 +1256116941380662047 +14101026495352195 +5561192151909210060 +16793039236969098918 +8369703120338820970 +1201738987299950103 +2201358208687543927 +5517738881006966724 +5353476798389507501 +5376821558582005938 +434216308442 +2572415557406382840 +7137191519510548122 +7140169634505490990 +3370817464176368391 +15288269228133723091 +32714349826763921 +14383042897579934 +17077300919520947776 +32996357630471870 +8153674566643691769 +5539784066175097045 +16031823836168870763 +1873618527731401360 +2242842311689458015 +15881445561639372856 +5659193931464994254 +5304739206756638187 +1041707210909630780 +5993603998530545780 +18049103865480687974 +1873618484739593999 +3237330832107509644 +1758425444587755314 +6230770123047596409 +9870724845892898 +5354604932785051364 +12185761058806315355 +7601774322648748731 +6927169917263347868 +8248084085548261586 +5994450116523873864 +4719201999576523634 +12352423059044386681 +5677488628098412376 +11647045273970363568 +15289115311733748419 +17085949349352205532 +16634367300845572761 +2785415326237661277 +2673382969485887710 +4606392329728302692 +219257245543 +5303047035254620563 +3877485835868652163 +9870725369132504 +1996539682274166719 +5300408012089352731 +17303871552606990253 +9870725873038911 +7033669801678995819 +3170183639832620868 +13819018690441534 +9870725372999135 +10591270404615643134 +1401410958117133451 +33560368940998627 +6658576559706819669 +9870725880772166 +9096726393093961456 +1627422990329724608 +7786929324177967047 +7245823443918455513 +17186370626574575331 +7650444516499092067 +9870726888584972 +1776266212219562635 +27356098362094922 +10866046316168176475 +31022307298995169 +1945545894933324072 +17749865877889229781 +3265543275046184000 +9234281886090274515 +17826052294924058913 +12937651856903064504 +18007824240376177102 +5779476262967786443 +282396067 +27638084671861496 +6157301992455103302 +3204395739605579016 +8668153581760419942 +15288269236731071313 +286262715 +27356033876298963 +16857050461455994383 +1227242288153387496 +15290243360149557182 +1801848673 +1281295571478011547 +7032823726676312391 +16370548384624553978 +5513337682873574654 +16875205771930777975 +15291935454266475923 +17473034232504011278 +9937836885805321750 +16357059045846882019 +18175636583256631448 +10667162361920503880 +13035898719410924249 +813368972 +17087641464965766833 +15733389799267133019 +15289115363322902883 +6155045947215342355 +829835572175787929 +316178999321711948 +15293909556187128384 +14515217839608778317 +15290525376551806599 +5984819155521328568 +7139323611091960342 +14595100389033534513 +11401612943088228433 +8744196618956189098 +9808823553121140215 +1184854787186235431 +6846637682556690481 +2666811000392327870 +2625321597996961395 +1041707133527223375 +16457060609338066047 +9460292951366521626 +10705679793835559114 +4069792389134235710 +6153353818705127203 +15291089443749581256 +266042267409003219 +30458248698541404 +5323116982516337125 +15292781537866502671 +6156737976846472662 +1573924393031917983 +12015487504111448830 +2363364125691044050 +11970387633123900339 +12476786330444771904 +12537688309411163897 +12638147294677253117 +7300483457392051056 +14137369733884501834 +28766163180151396 +5195701127425443663 +2933734509745342729 +8428258315504206221 +7404505697425234423 +15238422321780434066 +4144239374822822188 +2157417529367871854 +494402819782 +18122024172392506445 +1576180597338422353 +18199915413964343495 +15948081610625016594 +5837238405281155196 +5887104174301395787 +30740265100788241 +15291371438657852193 +5516046782590752063 +16278554206653409238 +9493321181781304172 +13519837262133160122 +10163058623031678991 +1816407481412441268 +12374709918600227231 +12124871760000798005 +5469235769064827549 +2661960728632183483 +1873618256883904596 +5303893075865511927 +18185058707353441325 +9293468489290638863 +2624475522994299929 +3537491628065245249 +429917037378 +1841584166739459024 +16112193563348458474 +830399540494471455 +796287374104029837 +9304480456320749093 +8663063086999543290 +9386257357243687819 +312230761085943173 +6204347657635112815 +1042835233529480162 +537223951118255944 +1581886662519375204 +6166185761967983123 +937181475705678069 +6419603398621875267 +9870726535476967 +1410074370 +106292485926954229 +5352348775769575693 +3297856681506179697 +10692085534723158692 +8876608417013722765 +265627134532399890 +10769902892014381211 +5408982882566487923 +14522559579975985133 +11443887989255400387 +15954584610971065096 +17501480265540785704 +6716515055005548664 +14424532992986451818 +13237708557081051144 +12400858092474753358 +8510480267887864000 +5675796529682213802 +14881076064013474982 +15287423213317533015 +2235142484806161072 +31586254122531154 +1195699440532198305 +9870726054770301 +5461950758932517025 +10700535690801327671 +9870725054690645 +390570242754363440 +1542167345449166470 +16950240237842479701 +399811749952818791 +1692606545734816107 +9981769256857393682 +1992881760109683818 +214957951250 +1095239150174146341 +5410956962993161805 +5884848021584045995 +9870724566223275 +4921509164315792960 +9870724570089637 +2251871061326900524 +9059485294012419601 +9888744810737384411 +5083210814004410505 +5137506722578392806 +9870724573983699 +3740815079721365759 +6307289747169351292 +8954142712877762318 +6947374277897365111 +2302546993561949139 +5833854277234986247 +277990031633898295 +12264376911110680144 +2572506237372816484 +7882744375622131998 +5252617345205559600 +4264363504802677043 +1460340488 +18108263923209887963 +7562235540534921654 +12628608773943282638 +5885543897745214766 +5886953910974111719 +8260263441782293995 +8756617791282551142 +4548898661544118716 +2840357278731081283 +7193137549562872457 +32150286927018434 +5245848942943085011 +9870725101090147 +231161255217739298 +13836474390506180177 +825323275339566093 +17619012679562962682 +15349711462261332056 +9870724604916733 +13317208580701230884 +5245848899951276997 +10916990529318691774 +9870724608783375 +9870725108823429 +15148238206751484973 +8525702746011299920 +27356029577013036 +30740209212340926 +14108828808151324093 +491193817 +3342493899775500454 +6537053438712960433 +12596551949017946442 +7354297395862963171 +6928297991472349382 +10601803635978414411 +270554547049277249 +2753520 +17238671514823108386 +15088171056968837245 +10908568639600747126 +6523847130320155994 +14692217879646983464 +6620177 +8106641299786583541 +11972090737761480042 +13888074485517803035 +1785240333022009483 +9870724635849793 +176450185316341920 +13885455448020814467 +5887022448955385325 +5784522618070110854 +9870725139756470 +9870727139915561 +691477643294354490 +9870726147569309 +1873618467543659720 +1266112799701416276 +12004184676178276360 +15970948408630318067 +7191505932893186074 +5884848073173181498 +6100103857151754787 +5566476498434525268 +2625321593697668949 +9870724655182935 +1388146554381031583 +6365225440243040530 +14809301315178754677 +10375505326587316736 +5356297009706053291 +2033846147 +14262798051772021007 +1653406398936147620 +1252168750434758006 +17468752969578520575 +829835503390711881 +4721835318523814945 +15291089439450295675 +12754891682880491270 +12638603244465631850 +9870724666782846 +6236830316029746083 +7298791358975836980 +45286518 +14428481226922935975 +545326604 +15289397353931869370 +5886953962563243586 +18101863374136742994 +13306106854211918681 +17090702837803407301 +10906583479868327976 +1195022271502422864 +16508579235574254591 +5565348480113903999 +1299603461808017475 +18388527066534404246 +13941243522806850893 +17961737508024490798 +17128505473059728849 +29048166684559955 +601056510466081194 +490103521324 +17465760294459089559 +4794173760728862646 +5885261834053032764 +11630950185000258145 +572393025 +17130766381153262691 +17738386836608217714 +9714916620294626273 +7033951800885313905 +2063067049313311486 +30740239307510330 +12758303666260826943 +1873618252584605443 +5672371493959463336 +13322381941750500585 +425617746462 +101487200860397481 +16633695840000740711 +17922810271644068285 +6021581796670193070 +5567604619934639262 +7897480855339494000 +512640236460456783 +16074735873595096276 +18263821886743186587 +3878331902272761666 +15291935501556337189 +8756381313640910965 +9870724717049004 +7470284155521404878 +2624757578089051709 +935489377289456984 +9077802184452229772 +9870724724782283 +13283598388764161973 +103286007 +15288551278929199014 +16551960241296127023 +15189064920766156866 +11851809434510388996 +11775490430040477106 +15293909603476987271 +1873618519132802343 +13714417139605137437 +9870725232555468 +996859147392267830 +1573360373123996581 +8859398383594200618 +13630869015309271476 +6153071806600915522 +1873618476140994372 +28202091681876026 +33278386931984379 +11005714949943149354 +17867767375493404861 +2677725742497282647 +17942850211037331187 +5257222861259937854 +1481003414893108436 +1091290856049946508 +9253024064487057044 +2659583264973933254 +5880738612678643163 +1838763942525032456 +1636264303811127962 +638125654 +3490850703291659215 +6927451968058818734 +13019610789626603741 +32150390105330110 +346175288917236448 +5501615920945045483 +2381504242832520082 +10277198458468592427 +5619726442791975944 +14090798302164113959 +15097549489175882133 +9870726275167927 +2479300263529632077 +17919176681865228539 +5461104787108142257 +153552174 +7139605610298278428 +3512998078655174610 +15228101279304663134 +7778665200779749617 +12120648229132179337 +5569296757042207104 +477206874070 +5728050221689420192 +1093546995870676869 +1371696913653381068 +5353476841380080660 +6098975782942683129 +10827453674717977265 +4384733239384298717 +18101013685495412158 +4333982245204397716 +16320874009080917781 +1730290029271860869 +9018208231195109077 +9615412020284565420 +11929824050942069630 +2103039515099409757 +7300765456598369142 +8512937848331659541 +434215078869 +32714392817316564 +9762108989108395322 +9291494327182253300 +12862732108132004345 +17074539849740339114 +5245848874158019028 +5193163057186017674 +6926605893056135306 +10544097276377700640 +14366386701052820377 +6154199812024902995 +7303449720790659063 +6821858679083715819 +1254706842170768251 +8800076364837556033 +5570988786673344395 +196085103 +9141462481572413382 +14665072197918269 +13449399709461668671 +15739323154242221660 +18301894999067279203 +379168253639150821 +1873618527730155052 +10588787047333909091 +15288833316828105665 +4900544073974686209 +3140612922788834225 +9870724833047829 +5885825845362385027 +15583097549950706851 +6619090118045292555 +12711298255022535739 +15235300779755857465 +5459976661309925019 +739107654425593613 +14152269112331228543 +3463955119817380427 +10026265725741132560 +5077221417231718925 +17732512971379654706 +10375515808604705928 +13493641436871671562 +9870724848514346 +7343422898977459633 +5940918086979030044 +8912366268557574297 +1464040393466667237 +12918763888741537569 +2625039581594656421 +5354604911289849361 +5352762575340769626 +1727137614 +16872385650894637358 +12875717458541220802 +7273674818118696817 +12030210203978907381 +3589517867127630159 +10339666438119363062 +11288097516716240748 +12804866760264206558 +14581169549127065194 +1413046597527287258 +16632849846679715925 +11916758662360556959 +16876554000686012086 +13882353207404138737 +15287705255515660759 +2175065808065212760 +1996539682272915040 +14904290184156224700 +18081217669066614009 +12618268146972584015 +7194265623771873971 +15559344109948986934 +17461812043326695687 +15289397349632593279 +16561288134575080781 +7084944640355881637 +9870725379487250 +2757791645513175159 +14576212124415365133 +17681715328028923244 +15287705212523860944 +16101055855215330042 +7192411322384910543 +6524975269014953278 +14108981694050156073 +17465760333151611316 +257951129 +8734347241957910238 +17464068196042873085 +13088377121872300216 +12901242575040766113 +17926949171264688931 +15287987271917911848 +4524471809446078839 +12348454158632966911 +17385354375790337904 +2577209823356334301 +8968810874855572752 +7032259702469099829 +14947330030372721519 +5779476262966540181 +7133807369969162434 +13522386372987146822 +6981265906529730849 +10279024731356797940 +984791074812605829 +828707437778974216 +12020690515259833801 +1873618248285303236 +421318450547 +9460366926602855352 +3448402978161508786 +10628953736434487250 +11914033402398455177 +5725098287391840494 +7093139022160607420 +27356012381092193 +12961322416880839790 +292750793 +17142588721119760121 +7193419548769190543 +5269884197671281083 +6311975551772798985 +2624757573789760483 +8386072762472212689 +14097513009910468738 +1104480633808824466 +11846037961957313855 +1836789900790885888 +825605274545896483 +8328637008159451650 +13071641208838957525 +15287141239907038979 +12103109825679658049 +15223475369445103476 +702355655484643441 +11183855665341141176 +812123778 +12426638588012880504 +962327146969831775 +16904367046536606435 +815990430 +1319896795 +2676033644081057679 +1783548230307678558 +1873618471841708641 +7299919433184838494 +1784130019892489330 +6245060846438853488 +819857083 +5511666268923516536 +11557237977811218097 +2699017618734007394 +5675796521083606737 +33560463520711051 +4624411722083691267 +13671250022048226390 +4549319921336079635 +6925759869642604658 +2625321576501744105 +5325844482111182883 +7254803493019988225 +14964196544878031586 +16326119896447271573 +8683329710204596818 +13819048784380837 +6208295882974169277 +7563201943019077168 +17094376562205139371 +11860940733777799650 +119263647604620761 +12779163922391108646 +10328470740711773986 +5246976952665125062 +2599235317102220120 +3178894345087771734 +17939033673395547362 +2844746665847494179 +17461812051924031855 +1791343484932474907 +5347639017050171957 +5782296405499264455 +2151210492048850311 +5233666061547950227 +6362646410737881886 +3190243207269413707 +7086919715942695372 +5550369740109207185 +515899414038 +9735523322323809283 +883367494244395739 +2652485274356287650 +6364097353136172764 +10591325139069899325 +16561571660103635441 +11844132458475174935 +11301006809186644148 +5458243689611604805 +1517854331937577182 +16222802744731642212 +15289397293744140215 +472907605322 +11921229948732379498 +17503960406972049846 +7299073358182155066 +14814059329512284991 +7462757623451565779 +7718319177568490216 +16574957951809709451 +13855837544643697172 +12441988990377676590 +16618104504962848083 +11176546812336162264 +2201358182893031684 +7017221506060727399 +7432602967203907917 +10532987966327964483 +4792614513982521532 +4239169847573503957 +31304310803352727 +18324613202815887642 +17093682152237637703 +14605853869620160166 +9118638263387903992 +175197369956052402 +4006951564624883066 +14665067898630741 +5249797159683644128 +933515215181071183 +6048677858865204656 +14010051110050555726 +17326365366013356891 +1808341863893970759 +6600298885808791572 +2073653179955024636 +15291935441368594316 +5251489253800567485 +11108455537719452620 +8076130078717077506 +14324052883031205424 +17956211270007862956 +2195247887786910984 +11605771851894296682 +10198717242429219845 +147027456461846241 +5303047116937702957 +6821858610298634709 +17404805271631432631 +3488055039053228552 +4176701084968819774 +15344674694092494463 +13615381930551764122 +5677488666789680384 +1873618458945063232 +2625039577295364612 +145053268557591102 +2828142038345468444 +2140067470700278116 +5831598115919052423 +15622539341328048367 +10069500277586077026 +12839861526724700872 +6081185451114715476 +12454108019635063237 +10413759970020320523 +11749368788646434989 +8281195205288014084 +7192573525355659895 +6101795942670076456 +17050559842468444185 +3401832833900240065 +18275681993330352537 +1842430228844260332 +2266136578109692047 +16430151157792986665 +9355199319007639131 +744911494472428143 +18343389461521522486 +5994450047737543185 +11563454792524716369 +11149120716834549688 +10935693924746138210 +15524056372642272003 +2520575733754110515 +16346251724134881070 +7645347347796282290 +7353733371655750609 +15288269318414158089 +15254252135143327637 +112033775831110546 +14101052289999415 +14142752370050885143 +12268190774771011836 +2322094249834524190 +10655733264458395348 +5882159696614656975 +878291194696196673 +2787671440263884628 +460010960530 +9763801130515196473 +5299098870103412643 +3586101984724006829 +31022281504473543 +1252732744548172463 +10427956700900051288 +473766133242138762 +1367151838874656120 +12881745539905644693 +15288269253928374057 +17901732962529459662 +9870725107578235 +5663430541438561895 +12923326087537570223 +417019140241 +9870725111444887 +9870724611404822 +9230173750303994191 +16094489533712977469 +8920168277954209451 +12268592236069284856 +4003053205776444159 +3750262322779274441 +2652027345649413847 +17369213304637756276 +8872175822845119886 +6097847768920105808 +2624757569490470191 +5600656801203579492 +2136949463181647181 +4289948930594468737 +1413892590848263065 +3364340290828179470 +2509440945 +7832374724669892538 +11119281408074927890 +9905574651248853290 +1042835199137635916 +9870724634604598 +5831598167508210694 +13199203610271498463 +2245985413502414723 +3251422716421232547 +15293909573384415524 +12413569004659162429 +9957100519350946569 +1873618467542404678 +5140326865109853453 +6814198459947818959 +6101795994259255244 +9272877412921593789 +5357842233651588296 +9325672081535221340 +1575334487943889122 +7345281306589678789 +13647449029431552348 +9870724653937741 +16490193613310533470 +11139832232910995628 +245051889885 +11965138075391500510 +15779458025647778639 +2137124098070491413 +10586519854003331222 +12356568389305516449 +9870724661671021 +2625321572202452540 +2928740603217473077 +15407565573754394792 +1997667691996147115 +29894155706252651 +1630794378230962354 +13819044485088539 +13907846419638730986 +15294191589786673082 +540214780 +5303047039555286030 +15292781555063812865 +13536993689560068 +11609088076772479788 +9388513441174723993 +547948069 +8127099841900146065 +2391653996915733494 +2342713540161574472 +17783567780504759670 +18062328983712841258 +5512098531457129252 +30458222904030347 +5153306075531842896 +15735927942591043242 +1146796978919455623 +1559627561 +10849580566319471160 +511600108142 +63374489 +2790985753443975231 +7647862184628930070 +11610664344709771733 +5941764153383128916 +11679300041473083231 +71107752 +14530733744791169888 +3691753447966267582 +14210563131035379978 +8109461463812031468 +6313103625981807460 +7349438249010615284 +27356059670961313 +4908932749447469660 +4022831255438035141 +1578960686 +2413245893290046413 +32432303330691962 +9870726208190124 +14584707747332307385 +8005028990823183944 +6154199846418138740 +7140469779641604014 +9870726212056752 +11439125141551257914 +5996988255549658237 +27356016679141214 +14428924804085193022 +9870724715803807 +7357329672251267158 +90440902 +9797759154703645848 +1023278175102988602 +5622264581817854851 +8484674795844738166 +6151097704679021754 +7032541701675417915 +6493812967717955688 +5352348814460850993 +10809573709943554338 +98174179 +16642718724439549810 +32714319732949822 +13526334602624314218 +2428928058356546225 +11575632813063815588 +1251604661740576052 +1873618519131557528 +10913604074625328065 +12568769870399157844 +6201204530839633304 +4290363207494739730 +6981547905736048935 +1873618497637607607 +5622836974676300523 +1994009825720082505 +6185740956063777989 +13940690380052044285 +10189735511971410353 +6151097640193241603 +15290525359354632575 +5303047091144431572 +2686971790050920695 +17839382098896515929 +2625039572996073307 +9029301367107049298 +6100103844253866014 +1251886678142818256 +15292499504267075714 +1840738130428054349 +3666742271342563428 +2901677911497989111 +2758644904015064545 +5803642704635843051 +7088047790151696886 +2493017496378677485 +17514477056034422138 +9761262978591439745 +6364097443417821059 +1839046044909649934 +1146232920319025255 +7691476948509799698 +15292781563661136098 +10280861171697593405 +8286625176226131890 +12313617313272459855 +6261263733545782814 +6660416816380137833 +7897479808313158918 +9870728774121262 +8483828720842050626 +8430474765433179503 +8541237495103964756 +8663663697331756661 +8348067735518780184 +5246976935469194576 +9845067387665259742 +15289397341033997559 +11264524322900492016 +707696598575758368 +6926041868848922744 +14551450938398807190 +32150304124329909 +14101047990702237 +16181999630601251545 +7831633610604486699 +12594295834993048683 +11573430836645538627 +13585652207185310121 +2624475548788944709 +455711657669 +10905173367761799428 +17092617325104294516 +15289961386737802796 +9193717817449799782 +17203588249717595318 +3277505925756572672 +13143886670509790341 +14360077379699556506 +17117511006548537056 +1518136374135704453 +7406197709859206874 +7511127039787088425 +7087201715149013458 +1304290603386040596 +6228513983228231437 +15289961343746011965 +15797441652732025163 +15942038960183192857 +12057566282950259521 +15967282251284038895 +15293909633570921194 +7196300228934450835 +107356700000259160 +11179083829641557032 +17884749925642293984 +17012439662870677823 +191950179678181081 +15288551266031320724 +1416148782256961147 +4145558199658421417 +2745565967795448742 +1597367391378290217 +7193701599564661409 +15292217474968199019 +1518602761089934032 +3354355623869883954 +13671784843788695120 +15292499555856226106 +29894215892733389 +769032610463772361 +6472853381670588815 +13282278299793573115 +1855301614453538733 +8818864591554683921 +15287141188316643042 +8101959404056567819 +2379954828121553017 +18394514571174959383 +12273668172022835138 +2388013311603598844 +9559664469313546761 +1873618441749140247 +1773865980548370906 +11388438133588125592 +1508108936621023041 +6194304829266353095 +28202057290041155 +15292499491370457685 +10372392071150650899 +240752597130 +28484138178071140 +16796739070715978531 +3935460153923680484 +1146232907422388394 +10983767332072941584 +11266287558165405854 +4717573181505345987 +6704175899154078257 +12818828396538517994 +14430173286646835614 +15120308795588238461 +9870725374375402 +6980701882322518287 +7211896323698017855 +11535289813704319601 +12068249584032159502 +18413392000885653590 +12500215995775666892 +160954452809486655 +9870726378321619 +11687699887225181079 +14428481201128427132 +10375505257801015240 +15287987314908488942 +5137506705381219376 +18052289815504296617 +6274490301166067119 +1731418086284935014 +12921633150132110207 +1256399022268901852 +2562028029510361402 +507300834486 +2487252134248656252 +5195983199717506783 +9253588097292968274 +7192855524561977981 +6816736603272978863 +5847733174659016997 +15422952951719617129 +5386265453423239821 +12173850546193509876 +13886301484332365525 +1746545628910856256 +703496194364499512 +12268511038490570815 +2509281739668856740 +1735084252230017436 +464308997441 +9870725897614931 +16880857149196080805 +7357338041604861416 +12301990937716008360 +2573929373462720207 +6152225697206382219 +16775375911062353984 +4454707768327286167 +4280223690 +5517738889605699135 +2791696649994248078 +6368045642960997077 +15330976455601306397 +7299355408977625932 +5832726168632909430 +5996988251250366080 +14383051496317608 +31022221316733717 +7241043887751895660 +8700494707207576389 +13507598357333634564 +7675960042656581019 +4585257123188182407 +1316357237551402187 +6014764344719120795 +2624757552294553714 +6979855807319834859 +6818097810163717145 +17230081976582608778 +15287141239905796494 +13941011578729796789 +17857876286936460348 +14153679155654055650 +6076994899955960850 +810878584 +2684715633035446950 +31586288514508929 +1873618493338300402 +799387631219316551 +14868332773240477086 +18271243459993288182 +818611892 +2819716777652655593 +3875511764040702269 +12085352355710699906 +15789667329844395641 +15139848467400579741 +10345794580260352770 +17279695936640199542 +1822558058 +3646692087368323860 +7086355691735482810 +2625039568696780060 +11270550177507013265 +1785514032560753811 +1873618450346478338 +3485224758199265483 +15948927642637254764 +8854886172739176522 +404845553720303096 +1580068669843705321 +14997000871559982227 +10913926882465550106 +5304739129371729122 +13070886371126479007 +16093881220281274195 +17467826082901599080 +12590347596756102778 +1915389734535564130 +15291089465244931327 +2946293164734225500 +9606749428600086489 +12806855167993986666 +17626633272741335525 +7298509333974942504 +1997667674800210225 +7860127107461818102 +9448011550697485144 +1144540830501329106 +7980262123708881021 +15294191572590732129 +11213716413893659426 +15287705242617788401 +13819027289162676 +5354736642869574219 +10195897056907305370 +7247515538035573524 +3166854339657938773 +893597016754164168 +1623790192146018321 +11777433560238014299 +5596696239185876449 +30458205708096041 +15289397315240731189 +13158388680245979733 +5888796259821173987 +14912242162891570878 +1146796961723531409 +1316305709524331734 +2381156568958574153 +10332418966049665236 +3760128365829638142 +14101043691411359 +17028024531363254230 +3416792183604724671 +1623790127660227979 +1956852058824708597 +878291186097611236 +2624475544489652629 +9948159316759942436 +451412384050 +7085509616732799382 +16436648502584614961 +30740222110346439 +7650508660710387266 +8486366937251538233 +12245079979069750180 +13670576049708995059 +9562777431589154528 +15292217535154695297 +8143013932113161441 +1873618544927451409 +2150364438542752771 +7344550964587882716 +16840215126092508566 +7192009501148447333 +11061539016898394308 +13889766540942386723 +10580074100703844739 +15290807457440018524 +16572875051796793532 +16904712944497921218 +1873618501935639919 +28202117476534469 +18145530795981084333 +9409295256684857941 +11961082158416466592 +7141015705209078353 +9696088671876497112 +6101795985660645479 +2995297343137728707 +5888809197909728635 +6389214875903685188 +13106160036035692807 +15229113601177021 +8373123327081850903 +16799863227903141496 +580719416979643660 +13671275447165063571 +7353169347448538047 +17689369426680502297 +1416430794359916140 +9870725056066908 +6235138234810847592 +15798241642875394718 +5257405381051639495 +14127376344190173522 +2098573305441185083 +1307686045666405880 +3549148492739669926 +8916318320892468458 +7563483959422761440 +11348511994799134844 +15287705229721151041 +15291089409356493227 +6224501813104814248 +3897700625304529580 +5197393273132878384 +934361277285878578 +9870724575344018 +9870724579213343 +8704274751914774353 +16741752748650163701 +11994369453889050446 +10904891355657615236 +1660632291351550260 +12753590887734779256 +4683165317527593050 +15292781503473399538 +5833854255738522120 +5425080494120913043 +10495881396304567761 +10526438020465314994 +32150308422367541 +10114691898813264327 +4230895610546695396 +9878610781320909616 +683601591743950384 +15231557775990528927 +3227099780227819147 +9501162962247559813 +9870726098679434 +460009723053 +235556858032248354 +1945545869137549623 +1456277662125216370 +11841602811682566013 +2945165090525177931 +15604668241884680992 +1709593881817539357 +9870724610153352 +6926323868055240830 +12292529139749312375 +8244000842282446212 +2210675700308732690 +6313103552897420796 +8538252898438747280 +5938944032347015991 +9236423853034064943 +7246669514622042876 +18150347534711723296 +9127481006616878506 +1996556160 +8743636762783398449 +14383047197022584 +1251322645338286112 +12750379368847128676 +10590197086357424502 +9870724625626144 +15288551291827205959 +4129797 +11757180057583313464 +11433970187063079527 +2624757547995260727 +9056218613256556854 +7996454 +2710531354671724000 +2508195760 +12163663686721433688 +9870724633355193 +11863101 +4014568304163775490 +4682429100742561497 +9034197821468843343 +31586284215213953 +12074504483824687817 +15292217457772289794 +15729738 +1873618489039016430 +10555463259816152201 +17956211257109996865 +18090436408231604709 +2359415917547958780 +1860700038481054141 +7985649352220427302 +3884763533836972256 +2947421187354076114 +5356297031201403596 +1873618446047187631 +15287141171120708216 +15741297269062071044 +8597424731401313014 +8309517628003018387 +15346930885501137021 +538969590 +38929495 +13226937370779017440 +15292499474174516615 +223556669810 +8925815691991336640 +6209987942698084807 +9870724668151472 +5246976969862442572 +1574206512613847820 +46662781 +13819022989868079 +45398647160839904 +17939640265148284077 +546702877 +12962360423422055608 +14525678258175626293 +12140808895952340606 +17201605079460098938 +17884482978810902171 +8766105625110517729 +9206049416896323227 +15293063541372303786 +12836930585685729138 +5572116839385935388 +511598879754 +9625506792066528892 +5327164702437699139 +828707506565436546 +5512098509961900644 +8192767926012228862 +62129286 +5353476854278091546 +2324661969940921751 +6054774376566248644 +490104910583 +6208295792693881883 +15945141114817701909 +11122727797707462358 +16213106141209502435 +4604702688229999834 +17194977454376563148 +1574206405136236186 +15288269284022294516 +288758653463313850 +1733392171009665901 +6980983881528836373 +18413674000091971676 +29048123694142460 +2710500877822857879 +5141454935018381845 +2729847578252628116 +16537607642072242304 +1251604747722962847 +15047343827619573939 +14900735768854939309 +9870726210811567 +11243723090649877598 +9870724714558617 +351107415670407156 +5622546684202456891 +10967469888139169933 +14156200557193210030 +5671848321539130096 +17419818910383689594 +4501637405001080557 +12452112158668240296 +8447694357264607826 +4668335877129451837 +7087483765944484324 +12693382407364624679 +29330140096382779 +5251489270997854978 +4682652064946011177 +6151097683183798392 +11831633449943849806 +5566476571519037962 +14395142952506908408 +6311975513081658570 +10705712940655520143 +2786543335961088154 +5868888317270842406 +5885976108691050986 +1873618497636338254 +12626161495720483229 +1876289204741227571 +27920062381714909 +4657106642463886828 +9042493923911228055 +31586271318580335 +2400818337641492600 +10266892278841102345 +2500897686785911934 +181092392229548359 +17418553073630533372 +98949053236142289 +5728764444738263077 +6156455943245808311 +10051564163130480269 +2625321602296384741 +3135316694092632762 +8694008325645420493 +8273396863062725976 +11858665818790711408 +2537448469785500347 +16712174081697140506 +16968560335088392931 +3076135121411313700 +4011944517417516831 +2903369984119684686 +18197450674983541703 +10546947034642074680 +17738155618413530751 +15291089405057184846 +14079863491765741773 +13166364162431524298 +9231301807315890611 +13882019050382365612 +8473905925669720878 +11257636670666140058 +1985760827161267565 +7086637690941800896 +6208295844283027476 +6031779104195832741 +5726358149067841760 +32150347114889915 +11284191008138612989 +6915698490297883202 +336639206863872465 +5461104765611674538 +162661725 +8036359402298158785 +12243195703567128839 +7958545835315456059 +10241156380278789028 +2606617942940724605 +10558226819440004041 +8160242860007569856 +16893287380996526696 +2211622227514626075 +6968326571703823173 +14101026495482772 +712839370036691681 +12057566325940833787 +13277179828830088726 +2945165086225870523 +150480202803719268 +13142408804399127576 +7465404271947625181 +15291935531649026762 +434216459120 +2624475527293727077 +2337676862271720863 +8876962128767833439 +5522619787666149176 +3841873322109320214 +5299098844308919646 +1518418403436020240 +12707325995277574357 +5245848895653355969 +30740204914425609 +15115560864343548005 +5882159627828333369 +6097847786117409960 +14684039612846652996 +1663089657258992331 +5995296127040907212 +9870724818957578 +12592885735783163473 +1873618549225492755 +14383042897729068 +15292217517958777854 +13623926451797452680 +16504856831747892754 +3361296132288369909 +2624757543695970087 +16857050431360938991 +29330127199746345 +17620986807278186256 +15603385639994484780 +5352348780069013105 +11277056612875784135 +1897969454688587986 +5405598728724553032 +1317178803569322198 +5778348214552114543 +3505218283257338362 +1043117224138656746 +17014826162511500250 +12918763910236890812 +31586279915927414 +9407321094576481006 +6783004000036990253 +1873618484739706467 +6101796011456555235 +3935460239906053117 +18412827976678441028 +6980137858115305725 +5972229159415463463 +8249591958531218761 +9352957117104860533 +4432466727995059606 +4385579249901390663 +15689510638968577958 +5727354418612747067 +4392017156035589380 +7268565939280487830 +15287141166821425104 +440358679437073402 +5648546902921260208 +1873618441747898051 +16876626885959493849 +15290807375758306842 +5512098613140196937 +6262673798362566154 +5778348150066319032 +15289115311733882562 +7192291500354765419 +4211410851928299216 +9305844401735622368 +11111222913818914341 +6206453508332796052 +3873943250738037180 +9039704835036025834 +15291089456646353701 +219257376158 +15732261793843263109 +7141297704415396439 +9870725369263578 +12271613223220242327 +8092838336437359449 +5727354354126952230 +417112835609403033 +1467988640301127510 +15289397371127940105 +13825821270231635167 +2530175340657839618 +13819018690573138 +9870725373130208 +10274127280773012774 +9126257806971387581 +5991347953290916330 +33560368941119223 +8075621789811551474 +8073247776171913603 +15511112807509015 +16701715496128957891 +6155327912028543546 +9870725384730168 +7353451346654856133 +16872667624306445324 +16262181890814463867 +15289397306642146909 +13030536866458378253 +31022307299116114 +5245848947242503417 +6979291783112622297 +18411981901675757600 +10644388936944669862 +11907383107978739083 +12167277673355696151 +12824792754120716978 +15665866458652498213 +15441701681700817837 +18147410470752696030 +827297424551466945 +4666917825444403253 +442813796897 +4278978501 +15291371408562797663 +5353476806986971846 +1318045064297522622 +5832726211623473109 +282527140 +12297463015905518675 +16485145185525779165 +14210865168132151150 +224909687267083174 +5881302580997524672 +15291935518752402256 +9676863164935064670 +6366353527348871621 +286393789 +14163281729483920266 +14739376145019984363 +2785071646027375742 +27638041680161034 +7085791667528270248 +5813899511977040152 +18086417565594170939 +8661371014377925775 +12363581407752430742 +17341038768065423287 +14312864964518021679 +1873618536328867707 +5533048425601441295 +5460499820832500235 +7034797871588901268 +5697191329765530645 +5202734322665524134 +15805298092799782048 +809633390 +6204347606046083855 +10623016643070079048 +1873618493337057849 +1313539797 +9046833027355710210 +308468588452913239 +15287141218410568767 +6426677826083628525 +11661747087386697114 +6134332588001006227 +2474798013503644880 +1321273054 +11555545862197819369 +1873618471843080488 +11058871887416461593 +10840261800173376128 +821233353 +7246951513828360962 +6297948185907634000 +1251886695340122541 +8681423713689755090 +4316759783249760203 +88027128063807324 +2428155107829307763 +2625321597997092319 +15290807384355641097 +14951165587878190821 +5949516568421538057 +14038183314499662485 +1464322388375138510 +12579117828039190676 +10534537747099039203 +9439886321921561510 +6155327963617697055 +1839046019115126196 +6759780578522242261 +12209625250763000547 +17395605973635721967 +6206603745866814058 +153940950685137781 +8139517951562233731 +888441834829140043 +9294580639848358096 +11532485104076730616 +6726231061287806581 +5726358144768543157 +9870725981435506 +5197675272338018229 +13108405724425309013 +15291653510947475586 +15289397315239490603 +4344823691378430438 +1251040684823241571 +17113993018971654643 +12826221827947182920 +494402937673 +15293063524176370481 +1168741892497888824 +1761997673788693037 +17090754617222957219 +1367672557 +12569524664470295615 +8155288057099402678 +8526711239344595300 +17364662051350852128 +18216242462685551317 +18159641260425093389 +9829701016400522988 +5598348119618174243 +12908144046487836586 +15290243433232815744 +8415243655831175334 +16385074671182940862 +2524806052879296486 +11848991023464409450 +27356042473771593 +429917159273 +29048106498199262 +2624475522994433578 +10165889801878452074 +1761151706263610717 +1254706859366831420 +11523184425139054812 +3188833116656766262 +8475642853493990840 +9945546346258635765 +5622264586118514470 +14665089393971784 +10479231126536346430 +7762829005246905467 +3435917027951334565 +7352605323241325485 +1410790453408643266 +14265238122439841505 +6770786097090925601 +14390322180835137488 +10755598245106033947 +16217390188924312524 +5459976678505998844 +29330122900450125 +1873618523432226443 +15830214090111545027 +5352348775769713020 +15285676480439594525 +6151097665987880218 +1361488794578018614 +17270771199091629747 +9347818902720819042 +15287141205513949115 +243555661719220516 +933797253078663351 +5251489210810132590 +1873622113232581091 +3630397427902998409 +6817300601685632817 +15287423213317666072 +15846041951231814295 +4563816462554643727 +2729283278899850886 +5674104465657899222 +1517290337824302628 +31586254122676577 +16735523999088843175 +17256051675370571842 +3016042400370157932 +2234239553823990224 +235395555684662829 +7526932862385402865 +16690402772992934648 +2560318637201249999 +15981943043688588940 +7349047731883807343 +13619391748268250528 +7031882959323143046 +214958082570 +9870724566354421 +1779588998747329968 +16135497067825285752 +9870724570220576 +17564225130023161877 +7084442110251452121 +603602195030235393 +9870724574114773 +13819014391274615 +7351759248238642057 +1019188102897017522 +10457150340041939622 +6153353762816812015 +7410216127510695995 +2643887743696907313 +15844891354627262390 +5782296371106157862 +6847384073334775503 +1574206439529474720 +481506304635 +10754463181178746958 +878291216191535826 +5731302575166811229 +15289679310146596067 +5849425285973241078 +32150286927152488 +10161084465222725026 +9870725101221221 +16039594574674268468 +5832726207324168210 +438514504661 +15980178279355273073 +12596269962708331550 +1479804686 +5299098870104805429 +9870724605047807 +2908457255494772827 +15268132249455061216 +16395966284759263865 +1254706867964177994 +30740209212484222 +2156289446560423507 +16147977269735330894 +4588138387685916427 +2136560116853861172 +3952271818178380983 +4909778994926397918 +491324891 +32714354124942027 +6151097717577040385 +1995310974 +11941637280283640207 +1692777460863410404 +103743344979355833 +7418687625813384142 +2884594 +5847102830955858343 +5885976143084274276 +2430948649855553658 +6751251 +10645863037991151602 +2529047210560335574 +9870725136020914 +10905737396268438657 +11234565534460024434 +10617900 +9870724635980867 +933515180787982685 +9700294587232637915 +9870726139967131 +7245259415412146886 +9005931427805733147 +12060104477863337529 +5251489219407469192 +7662399932478219767 +2696565072057164699 +16013808936578734898 +8300077830978164556 +22217811 +2992195201400050562 +1995983940538736040 +15289115337529768006 +9180319026196387646 +16051520737623168281 +2625321593697800095 +1784103993537359347 +9391897685297209412 +7397691523196985609 +956348125471591448 +1144540869192602308 +17945855709612611972 +5722409893636161563 +10613272003174284459 +10703589638926201421 +13938987391584770624 +9870724666913919 +11474015373474348868 +927164962729303160 +5572945699559984183 +1943289737916795389 +17951052353838195628 +7704688862763773411 +5499923848323417907 +9870726170900137 +545457678 +13355408513042684787 +18413109975884759114 +1040297124597678862 +6980419857321623811 +1574206491118625083 +15292781533567335915 +11939363345222087378 +6293435910568086728 +1188638058636861006 +4937017507177903950 +15289397310940208359 +11129193728552682331 +14096308485669804203 +11740202408460043807 +10332418983246965588 +17072716876704202098 +490103657760 +18016334668925595547 +18249294798171685441 +11040187364284242589 +5464488915154442712 +72484027 +419198082166833835 +13306508515026147883 +15751385920443469226 +10044825009625918587 +7217281392195425246 +13041267244531200236 +17269818383813195481 +1873618252584738327 +15287987211731562869 +425617868501 +2911326059916042124 +8989473043818571748 +4599743200770987733 +16595621733296265141 +762473640682735946 +15291935501556478445 +16563634790306888509 +2624757578089181932 +2624193798933584014 +16674297651552738547 +8930986358196739419 +1900779120206958578 +9870724724913357 +27638024484253376 +7771697831659062002 +103417081 +15291935458564646582 +7459729687815023747 +14559118948838741844 +7912370406166259284 +12219117535699152648 +7171766867999275201 +1414174607250698576 +18063174898316288112 +9386257309952712149 +6548876485635156900 +5703492432349319715 +12427562674559266417 +10042078279030807026 +1873618476141123577 +681145240220011472 +12061796602075431983 +2625039594491419087 +14424532988687306644 +2965365346664797865 +63936358548914674 +16849797729073459558 +7086073666734588334 +15290525359356003768 +10207847739528780991 +16639809534942530496 +15767162063494536350 +10225919150420461575 +5515200703288920506 +9352943110403218958 +6535372549218440134 +9185851942203036927 +1136798196293307757 +3398730679264687940 +30176172108699947 +16265367920604762376 +14364757550470663286 +2295646004956239866 +9388513449773438195 +15291089426553787053 +10375505270699021157 +7462267835439472939 +7247233513034679048 +14538194681016708174 +17709990174765048430 +13951205954302381941 +157549888 +1625947627399697307 +5672976369953683127 +13525196865560913809 +6911714086613696824 +8280922703389596401 +5565348467217402414 +2960499213716759858 +161416527 +2573543627316202601 +11310405372725705573 +4864887511235379907 +5423641518301263109 +16880857162094090383 +27356089763656541 +5194009024711258418 +477207009864 +32432333423380448 +9493723617013877727 +14820635579833609740 +17092728744939510626 +10259028607374862606 +12338342844405662483 +1730290029271998276 +14110783995741284924 +10990133642957569792 +14969859631361307981 +15878320034000876878 +3599492706464722929 +339483261160202220 +434215205453 +18412263952471228466 +12973380301214014326 +12824037281249573982 +4742067642791908993 +15293345523382698911 +5871208567141717969 +10474207048235295304 +15943731002711157176 +196216176 +17788557728461047252 +3460521979781528202 +14749920010802766644 +2098736640164052031 +1873618527730280387 +15876327933690651514 +9870726329431753 +12878345575739509045 +4859334315770257192 +937754980934763241 +10531295842117158960 +10370729796382046672 +16950883004540667586 +158207775634977309 +5522024736058649055 +3026423612622065999 +933797278874546860 +16160560181895194341 +9274447120509768893 +7140733680208183877 +228857904007634569 +3754574152170297744 +9870728841230128 +13146987887805686544 +17938730908242551334 +5889642304730060696 +5778348193056903030 +3629332477275302954 +13680096657878695637 +2211239741712002138 +15287423239113558496 +1873618463244494951 +1575334505139957829 +14947088600292323 +14192355746005783806 +996590897214025982 +9870724848645420 +13708108551856673036 +6988545966851758255 +7352887322447643571 +15291089478142926818 +29894172902317697 +12083133568301284032 +13324725761566596619 +15360120929728470903 +9870724860245320 +5458848591399105209 +18411417877468545038 +15292781572259856161 +5996142189145703694 +7826763666386332808 +9987061831489363299 +11076096039578844870 +16770597264898417379 +15291089435151117093 +15890644307060599424 +16549745340512096141 +6927733962966040755 +9870725375751671 +8123193139503132375 +1597022946175429740 +9870725379618323 +32432385012557461 +5515482706794530673 +258082202 +2549492329236336102 +12208793701351053573 +1090872780580349980 +13939868793082899160 +15349429428663313140 +3410549374345297591 +7139887605205500449 +17427577199299285236 +10405848068503987975 +485804368492 +10873966970211807730 +7030300301730662552 +6293435863276991643 +14221361191285899728 +32432320526773057 +1259909075405726176 +13502559669549880423 +28766090095909537 +16028738000198186943 +9870725902857812 +5366826267253631927 +14932478444660611254 +14320732808355386544 +1873618248285442526 +13760430362083747414 +15290243403140245890 +15665492572493588861 +1945545830446413844 +5112676103982622317 +10914772914477802164 +7246387489621148400 +14986615106605510852 +7143781120203189104 +12773134790148374135 +27356012381216849 +11737382248731404896 +15291935497257175747 +292881867 +2624757573789893486 +29330157293668314 +10563650164269851741 +9204262058052249693 +15290243360148433215 +1145668913309105568 +13619526460821619941 +12461723940949224717 +7359520805088813991 +4903631596662107477 +4713167435525209424 +3501516134063890553 +7071376553879691544 +1873618514833640245 +7595769061852002319 +5301072911837701700 +812254851 +1092418921661752689 +9336987527844929994 +2160237676197592679 +16629894574078693466 +1774230699994274082 +5421385417173064125 +5982845010607741385 +2573178846528035675 +819988157 +10369289972403561180 +6156455960443096349 +12507909061331411769 +1779306973746508389 +7033387772379005278 +14374489140240718662 +15291089486740288201 +3614677512770034705 +10608171860911928188 +17332394474630758108 +9870725956990563 +15266692603726553091 +2625321576501875121 +12799670060150321089 +7353387594672003863 +7360210704287283085 +7534809518348582844 +16148823263055139110 +1040166233004795846 +13819048784514567 +15836739578038606883 +7245541414618464972 +3590924555701079273 +17296692986962850434 +5826509159087032032 +15387963603965000332 +12477508139135623839 +4532853236636197911 +17945855649424896798 +1093547056057294185 +12376411630365915714 +879419204419603442 +5767631357003321923 +5210543144881186640 +1731418094883657987 +9669261225667490009 +7194547618679095992 +8561876806648738272 +16952214309670688886 +6013889919468113265 +14101065186755398 +613166273235722501 +9241910669144171999 +15900243832281263791 +17938512272622309819 +15288269309816936886 +12269921081812150789 +7352041299034112923 +11127650530064345258 +7384649264646929032 +8911802252947887442 +472907723685 +4829203845596535883 +669112164588807871 +7301047503094743943 +8686289252764561359 +13824860123673681402 +5299098861506209252 +1881933681 +16957192840682156243 +17647098720905550874 +13217980679449940080 +5725098295989334698 +936899437808337273 +10333327937035851458 +7942407836905444390 +2374936041606507995 +7511968970221312770 +16592324700377915382 +1333166986502091636 +15291935484360539728 +15288833334022915307 +5993604037221946309 +327914135727990311 +14659639861312833460 +10694233064381619182 +1873618523431002011 +5886107891858751650 +7139041581791969801 +10681576977139326636 +9785132970652686894 +6041909478096836287 +1714117073096956711 +15291935441368719109 +3577503648415551116 +1788767126380362187 +16878036959373645770 +3825849882297725387 +3571317472768713063 +11333843801102443076 +3233382516488212471 +12221091663415701629 +13524924529209056721 +4089901340553009864 +2625039577295495493 +3210917642460948684 +4094565860123304032 +18118866318777725827 +28202074486096671 +1873618458945205635 +17999268765105679643 +3306426227974958690 +5337229690844632517 +15291089473843637423 +950543019372127997 +3488619040242036849 +10222252851203359868 +15945825479404377313 +1517290316329087291 +7300201428092060515 +9870724565136300 +3202922851048560119 +5888081980883930144 +9524125248559795403 +15294191581189468907 +9870724569002947 +4541861655513418220 +5564049544093897121 +15420834744058331951 +1839046006217259958 +32150372909517200 +16922696043917956637 +9623613289364073464 +525512559217688259 +10168427885015885405 +828143409273854690 +3231058998890417724 +9502022867880069262 +1623790200744731000 +17945008198863312198 +2674042207935798002 +15347737330247080789 +1254142843756965077 +8920676095134337567 +14975681650483334179 +5991347927496395331 +14480951791731559034 +17503678407765807291 +7210486241685417550 +9870727092401956 +2573543610120277633 +5510538194714568500 +5739422628533395659 +9289441360305072594 +6152225714402429344 +15291371425760088810 +460011084080 +2986779679269668953 +2624475553088367892 +6787015431626369712 +10811668336293078713 +8540705002678719775 +6366071515244616433 +1415013408097571265 +9870724603802616 +1995137856937481084 +16390319169797504746 +9870725107709309 +10338391197844399016 +11256567291720577773 +417019284152 +7515799761807368329 +494696907127021209 +17464342816563290040 +17939521450163263880 +27638058877472665 +15556546393012978127 +4212103010529069311 +15992175662002018474 +15292217543753417741 +931541078866089325 +13568379163883083550 +1497892630 +2624757569490601035 +15568274597296807663 +4886440193217073789 +9183703291814092561 +8979689818554200700 +1362616808599284576 +11953202117102419091 +15287141235607874946 +9870724634735672 +15151374225306513507 +10028063337021333827 +18195698275541214524 +10167863869407234101 +808132802808791558 +6103488079777762859 +45968884299360444 +7082192198531946300 +6018898523005151172 +1873618467542550291 +4487145878198644205 +935489304205211271 +6101795994259359978 +13941464732324734624 +18104401478769457914 +1007582084889057147 +12267888773868104643 +14746926814522055208 +4991817542145479320 +1522366620176511881 +245052020578 +9185819973064408741 +1844100778258209199 +8611086590374323050 +2625321572202583438 +9870724661802095 +6156738015537875864 +13819044485221601 +1943289737915558577 +544212480 +16232392974776678134 +14203572002560224956 +9870726169654952 +2785415287546666220 +12472063665456507833 +8320301918971440071 +1093547051758004257 +11171834454139940150 +7535405950811859123 +3832333999151867780 +546101337650574325 +30458222904159377 +17464068221838907176 +16247734192862424808 +5197393238739784579 +5397105745613952825 +63505563 +12743882002561632552 +7139740716347051169 +6979009758111727821 +567412279 +5250643165901381758 +18327605802548145346 +12217235187456567749 +6152225722999783602 +5886953898076351258 +3438167358949053004 +71238826 +28766094393942319 +17763448248357490668 +13749155634582655471 +27638110466608958 +14694978023917490366 +1118323118388441271 +17630049038116467087 +575145542 +30740239306410669 +13560859926194891005 +3402960955399283611 +6928015962172358841 +8429692928904467482 +15291935544547040024 +4151361015346892986 +931541130455239688 +1733392171011027522 +12087497983987558341 +5141454935019761158 +1906986264008724580 +10756726237632149761 +11229760240794876721 +681011611083878404 +10488220504998021225 +15289961356642761624 +7198684663706688042 +4572017800037680365 +27356016679265142 +696271930738426452 +9992527074865663390 +10458005382944483757 +1600273850571254478 +435260026361240934 +436952068887820169 +5786652990377505822 +124657395210936362 +98305253 +15453620929460446324 +13598617575393015214 +2676033360337056065 +14454416634920314875 +32714319733083896 +15290243342952510989 +13657715402944293382 +6863925680637416583 +7034515846588006792 +12314601354656483933 +14665063599467389 +5701610638673931910 +1092700976755328734 +1873618519131695884 +6157866042455837980 +6478223379528837310 +1308238841621927366 +6840610687814808246 +3666742335828478121 +1873618497637726063 +1732546160494134679 +7979696626685139120 +14585410861575704593 +12508739422431232227 +11289225556530917783 +17172592526733359096 +7971012929093906332 +33278386930852538 +8969086886610104939 +11965380885748472482 +5193444991905501293 +7410231625909407456 +8563886248125024784 +16878319014468407682 +2625039572996203816 +5458848625792322479 +1873618454645921381 +5880605058071742002 +16591082850650774978 +14583143728432886646 +15637335605355352721 +1782138156891198263 +11734403095994317094 +1785804365828067265 +3096164546429082296 +15292781563661264152 +9870726266320563 +2785415296143990998 +6155045865532511231 +7198359957080393874 +14036340911857210825 +9416912527474634937 +12541491074063218698 +5247311336505289286 +152438052 +6098975825933387082 +7033669771585323364 +13674941638904719121 +15291371485946606147 +1839045980424006359 +160954422714439521 +6703493600512470004 +164037989 +16666967011313718235 +30740290895559077 +9636317266205479853 +846335125346347100 +14101047990837040 +15289679327343889961 +7666030179789456721 +9870724793267444 +3450640455353251231 +27638119063966431 +15620129942127983306 +2449021711964769281 +2624475548789074703 +32432311928176852 +1309126485043074298 +2509417099813654913 +17234998138415687702 +17293401422930922898 +7140169656000971315 +2146416174511245368 +3736453164312315978 +10142017398611984246 +984791066214163185 +15293627574176987587 +5724665977567194410 +14824583848163282657 +15384759274863216977 +17953567922356441617 +27638054578181861 +10676818910431813118 +14383064393064954 +194970984 +29612199490627507 +5812207387766297560 +3405734518778308800 +7706082920376051213 +7718319117380888986 +1873618549226877853 +5389874192312573333 +2230143550562314617 +9340781740412265449 +16860434610997647969 +14756240381612724067 +15290525410943913562 +1873618506235061769 +15292217474968335510 +7161375343728224060 +9260311924979736281 +9942444135735914575 +6110203078097461717 +15732561919051245669 +15587869280535209128 +27920070980412810 +5513226588470407790 +6927169938758828193 +17675072908219988614 +5303047099741906485 +5893869020147817312 +5574057256785745277 +1041425117123789120 +14292233483232701331 +6155045917121646620 +28202057290177739 +1732546104605685906 +7049388718620886100 +1413046619024008839 +9870724855133500 +1873618441749276808 +7139323580998287887 +1575616564532761938 +15697538660546333437 +15292499491370584164 +4940218967072728031 +5782296461386582261 +240752728560 +1571489717050223168 +13292402335039495937 +14105033447215934182 +18364433819292017730 +4585686704215314909 +9830100417878166430 +12994373673115139711 +13819040185927473 +1986666393029195385 +11231012565665256410 +12302836948233035049 +9870725374506475 +6153353788611432048 +9870725874546240 +5782296396900802522 +7571764908361193034 +7577362675405761342 +16204741214597042329 +2691780374684916132 +7245823465413935838 +9870725382239782 +507300966607 +5248951067485151722 +7103619292045067900 +5751162350517302733 +18218201858820759972 +15288269301218356755 +9761729058129654870 +9304031194051794224 +1240063138944727295 +13616847656467386569 +1735084252230151847 +29048140890192989 +5779476284463278149 +6098975770044926517 +5245848925746039052 +18141248253500666139 +11286969433908722143 +1874620259211224216 +12281373727635360727 +4182047870956804296 +4795998728011209795 +2469863980013023604 +10381427628052729582 +3605651160022600893 +7332738546017063906 +6242575413507994093 +17131100478880570968 +1293335412969725960 +2468171842904288515 +13690032841766806914 +18052731453502480383 +291636671 +7945959877263244409 +15128388696816369468 +13913621930043206206 +7032823748171792716 +5674063562281993266 +17686548580530216793 +6331026148282999174 +1731982088997070082 +11511147933886323665 +12875219098145352206 +5410231956402036046 +15291935475761945367 +8421458984219340205 +7815521824679287392 +1306546743205720910 +2624757552294683849 +5357143003025907531 +10166171779588379539 +5993604028623364536 +807143021 +10501085353026659039 +5799492984008497338 +2529047214860999373 +811009657 +17329663563731779923 +601381952041273232 +12835766005610914904 +814876314 +10929709102433264776 +1948084021061447596 +3109223125292307314 +5463642857349080439 +3671265574400234539 +33278382631578503 +6905809874916626353 +1693561390312282042 +7193983594471883430 +1893141935297142526 +8822812889977078578 +2100253976031881691 +5357989099525267953 +2625039568696911844 +9743112694134282913 +16940553195690135309 +15291089465245050690 +13237708526987378689 +13732836927786463520 +9603332665379286588 +13669583374543443509 +15287423183223871374 +13541690390082820291 +15581346388367012015 +14428481252717693057 +15169155012460899011 +1522366602980582455 +12205449418965537273 +2548891158697420054 +4085427941984065605 +1873619090912930856 +6044165609318989034 +12578042351787652594 +6155045861233204871 +12638469408653464778 +15083654577992979739 +16166329222668905868 +5565348505908695851 +17455890491691920545 +7317281017782883255 +762442841504245694 +6443907667319931212 +9714279561605172612 +12721702831074380013 +5841185649501418665 +17630638801202464791 +985919131825825056 +17573925580552936030 +2555880847050690414 +9504169244365699417 +13987828013161655539 +1780963011035742366 +7246123584755418796 +15288269309815698048 +14101043691544194 +9828008900787132857 +1837917949205570768 +8663192669256823751 +15209408714912186127 +8589681883221465724 +16316925693461608768 +15850359680816535267 +2624475544489783933 +14005723693120052292 +451412518552 +7872981627489315757 +6043037548006558375 +15291935527351099146 +30740222110468321 +15290243390242364142 +10049393462884910172 +3522810826906877892 +7679674771611279358 +11835599067419648637 +6620496035125860916 +3347279017402898015 +6097847760321664671 +880547317319950217 +29612195191335382 +5517738833717378850 +11457959405705238709 +10769578373240941806 +12748112291592888770 +316179072406332500 +1780155235552945020 +1783266201007707761 +16317207709863859557 +7299637403884847953 +17423767204508016520 +1342693798425548937 +5135803583547851857 +10750398672578677744 +15288551261732168135 +10585955821198915994 +28202117476650811 +1873618501935788507 +8901104167878344727 +400166564590863958 +1775922824205110202 +15456806089619894268 +9001997421526741423 +6812224306436920536 +1682680374277989351 +1039733018707578707 +16876626903155551579 +5248721461509825791 +5513358393134488004 +8433906131587582384 +18325349748710993602 +5780604362970368396 +12475063478969843953 +15290807392954377448 +9250915995743821411 +17390969192349121601 +4025969582498384194 +4029907647008034055 +13731426901660948259 +2308422113011377700 +236453433211 +5246976982759182570 +17304245516390979606 +11660754516412341200 +5356296979612397740 +11031641287483677090 +690631645675594535 +5428237393705393391 +11907271843828756623 +9870724575491042 +33560386137173145 +1746055167172760063 +6149598375218386844 +1996539656478534583 +8250327210023282803 +10222816969990219834 +985637059535130935 +6319246717100370682 +13669865326458706783 +7201342231718608216 +5440927979279245695 +13913370024715953114 +5557572763392946174 +7193137571058352782 +5197393230141202145 +15291371468750669547 +1254142822261742931 +4132669993251903500 +4407364868862332131 +293345736362980236 +4584808512338026933 +11043873737714383871 +5887104182900248897 +1730290055066643170 +14399488102094933392 +15515140772745448905 +9870726094943878 +16432982272152706522 +130892669640585247 +15882855708139392125 +14044077159593438080 +15199642164657852783 +9870727102756646 +12931665209780486563 +1667601868112862240 +8280067122480501959 +5459935770830769672 +10715070914043205513 +1913870154341565156 +16644468257489631229 +11404118041703748386 +1763208255305438875 +10593581330478681876 +12395414163197278166 +10833739905124355476 +6481871188466878976 +15796816026966495987 +9003210821223199782 +6928298012967829707 +11847386798519954485 +15290243377345731272 +9870725118064026 +6866966013877764745 +15289961326550194705 +2949113337358389842 +1998795753307461621 +14294005446368052997 +5296280548806910018 +14383047197157380 +15512482701174189129 +13605998671606326781 +106292516019772003 +5352348805862394759 +9870724625757217 +14267039342724253831 +17617602631942286124 +2432358684579796618 +15293909616375117489 +785983290289902712 +2624757547995393718 +2504460206 +7718319100184964408 +3445018729739989073 +4451375502035851822 +9301103273854319633 +10619901526976780060 +5350506396829035610 +7393621068155991924 +9870724633490478 +17264773178461983115 +5619162452978119064 +5301072929035017852 +8127528 +9870725133530536 +1734238289004278760 +16204231200463069396 +17247780946628644587 +11994175 +13410742806322030672 +1873618489039133624 +11412546857107804442 +3226253748217082350 +5513358401731838337 +27920053784486257 +5513226571274459710 +6504968775580070363 +15433104991841299219 +18275682023424408922 +11069735604463344216 +15294191632777375577 +1838763976917146120 +9232711897927338500 +9558534580536749342 +1252168771930237146 +4030203865610717748 +2396151281198721800 +14057775905550201721 +17488950423847769889 +9870724660556893 +829835524886184395 +9157293160736111604 +16251729390381328132 +539100664 +39060568 +9870724664423542 +15292499474174669464 +5354604872598823458 +13069073579652293251 +8919929881589600017 +7562235613619577154 +9870724668274509 +8245128912192352085 +546833951 +13819022989998772 +14930250446873368339 +1144540826202171285 +11912095569629300206 +6927451937965146279 +12596183788937233017 +9558026013781811396 +16106972707794721867 +14616956528988991929 +15289397332435548537 +1251040702019287323 +18058658402853281465 +2784225596819270998 +1143098876954482150 +10024345359443059246 +15293063541372426467 +217080530172593229 +16207239830843570561 +4761886186447852757 +17186370630874107103 +62260360 +878291224790252082 +1947716014106162848 +6443907641526654790 +5250643165900125552 +5623674702523228924 +4298414132915756477 +9229891721004007663 +7033951822380794230 +14101039392247632 +5458807795500806981 +8681213026302114947 +2624475540190483485 +29048123694261023 +15290243428934884577 +32432303329592178 +14638525052008554926 +5140044900295661379 +1200046914678451350 +8431631716592337694 +16659454807516214139 +9870725206996423 +15293345557774679959 +1730289999178194817 +2332012841373161719 +5240852582657494059 +4337170013166319644 +1894834111097238234 +29330183088311204 +882239450129394054 +1761151680467847342 +16431854262429431891 +14971589317369871628 +5044542787893160900 +2584893974043581948 +7942407811110956290 +10077282064862636797 +15197950023251003852 +1384023211736133624 +12845740672770588822 +1873618540628297709 +17373053078950977655 +8861613698626555511 +5137495716357288805 +7128703058323390007 +12929432397969446633 +17423211942229327457 +7621913163649599910 +11880218193470973689 +17542236467437180666 +31304285008968933 +109676682758466283 +6311975513081786898 +1133103310972786386 +5566476571519171130 +15288833286734436596 +5728764487730212802 +1873618497636469758 +16221687400139864086 +5871989498453189652 +12212827544315501869 +14581006459149302965 +12314414645940922187 +1251574455857989001 +31586271318731361 +15159186866890947381 +8556410824327315218 +2906754228240934859 +7033105747378110802 +10280579133800254756 +1769672202149124548 +573229920263742729 +15702724692398792342 +631899730 +15557278701187637051 +15725031827838167386 +1418817828737862717 +15289397384024698036 +12753199627454925917 +16542141154387102385 +5015996636573993926 +1413046567433615739 +5835546379949577916 +14036491233280661733 +11365181341790072590 +1893705985299015695 +11517440269816975399 +7772879542311334896 +5512098561551177664 +9870726276675257 +5837238474066511877 +2046106469058877188 +6171555223140725035 +13172983638970296139 +155059516 +16870693492290770074 +12235651944344271844 +17051937967390024900 +5941764183477192725 +3292973778355298623 +498702380670 +11205806960972548635 +3609094385226175906 +7604467390466450811 +5513817389218728411 +1730290050767346933 +27356089765032372 +12876737308331236361 +15998406944916508954 +434977997061098756 +6794048421009959290 +7300765478093849467 +11640717849549426443 +2329319468062435281 +1786360098964992662 +455710554631 +17783567703121203526 +16778219691295707790 +15102005417804657484 +13886079656139432480 +434216571438 +13672737712787960799 +1626046306172431627 +3040438293561881350 +936899463602985107 +16739161091967946150 +1312691032915387766 +11997375390319974297 +11049193772022588650 +1042835280820845218 +6406389097441593847 +6926605914551615631 +15288269228133988660 +17895122959532631444 +850596550537792102 +3493131337076918972 +1357540530546501915 +9870724819088651 +14383042897861939 +16882831221024319231 +122385036241081800 +13727196672816140534 +17551250931790261797 +15292217517958892857 +197592438 +7138759556791075325 +967443758300812772 +12893049762838874683 +6209141854798896979 +1732546190588064701 +2624757543696099720 +13726982080795195038 +5267137917481983512 +933515197984022026 +1440053985925492649 +15292217474967094174 +12593841123447548561 +15288833295331774126 +14528817031078043792 +7087765760851706345 +10692085539022707945 +5505241339298523840 +2383852656425575079 +5518302883719228849 +9870726346274507 +9870724846155044 +5992475971611681828 +17307420556298763328 +16398649213071159857 +2651921211458151607 +7404459921161532363 +12749251346227338939 +1728644945 +1873618441748025463 +12350988444867431965 +2108679791565161300 +17992659823285702902 +16323339814556356828 +9078366217257036700 +7299919403091166039 +5938014367975435237 +5783988525409776237 +15290807375758445945 +236258691 +14564181123593413135 +7243415019521384115 +9539521017755354825 +6925759839548932203 +10547295635315371135 +219257508005 +17952180354961579308 +14512708438227030131 +1522366594381983201 +11290355519663136251 +15289397371128074333 +12506268819843341031 +13819018690699804 +8852545540252396848 +6203069285705801499 +2782533498403045533 +14431456801422718222 +888789540238073073 +9800311730678027385 +5142583000630176118 +17461812021830358981 +3911601570557991227 +9870725884900941 +5248951067483921775 +507299704980 +2801821096146649222 +7032259723964580154 +2731539702463682083 +6362646380644222589 +16338691374403565099 +504901560953345887 +12480382642832673196 +1873618269780791873 +6981265928025211174 +931541147652541572 +17300923233003725243 +8434517392362839861 +828707459274453945 +17961737460734889942 +2321496553295659308 +4068664319224734911 +4279109575 +282658214 +14298576506808115698 +9358603280051813204 +27638084672122724 +17465760247169486548 +15124099716037499738 +1309126450651225264 +15288269236731340181 +4326349077500142072 +9193717804552053466 +2286684057 +2925174856428164041 +16222815414161202535 +103743370772771709 +7193419570264670868 +989867348566368792 +3439535456067013196 +14108828812450874842 +15288833346920931600 +16906298182510600633 +27638041680293293 +8284246656382409048 +29612186592757197 +15290243360149826972 +2440204807007903460 +14284319595218537821 +7794629221247622916 +9870726427473630 +1518418347547708715 +27920101074341804 +805897830 +5140326912398604299 +9180319094981618786 +17950206304630091246 +5903825491161276302 +13281827118164687786 +809764463 +12001697249412732143 +813631118 +15287141218410698262 +1873618493337200892 +9230737800304730396 +2842209283296859097 +15289115363323170505 +2053509872806552339 +15293909556187382936 +15290525376552050330 +16166775548975863911 +6360390270918666178 +6287869989401152310 +5412649134492761973 +1899651045998075857 +243555631624180179 +5938217001569427945 +10490356163379413628 +5170355050641375728 +5246977017152434979 +2625321597997223316 +5305355559708142053 +12903069678852202883 +6534205820915171740 +10570457972707113816 +9062428130096017485 +30176189304760375 +8661223270696577620 +488748054659353351 +18001510391656238680 +4161110871646413318 +4986787633482244113 +1518982380352197686 +6362646432233375559 +2352416671 +16316925779444003731 +1199901724427695586 +6153353775713552553 +76768722591314839 +8021450341214589153 +7263337749694861831 +5532932791479705802 +17571002197478427058 +15984970341926834871 +3602002394967517786 +2703128350473982316 +14949273699027978859 +2789363538680430312 +494403075027 +15336507519928984140 +7001542349734489147 +5197393221542614320 +7299073379677635391 +7299542694337136418 +5692765500615842901 +4441860038886778613 +1211499489372297130 +12613857801118618794 +27356085465715224 +9759732374531829669 +18208616767964668047 +17043213076321103189 +15368335131707911546 +6154199872212897726 +5336848458039635129 +1733674204609407864 +16130795063214818172 +4991776978859617309 +7449243090672305794 +10765335333603786094 +7537364793415920462 +429917278353 +11215879281815657618 +11530680413559800758 +5348008933354446997 +1953005289574068514 +5460499872421779543 +7241043917845976622 +15293345540578750625 +31022251410801493 +18334486185531826357 +1841584123747906582 +16526175391098287684 +10743316419472806846 +1873618544926352472 +13095305000938264250 +12133908888583015088 +10365486602168839648 +2624757539396796633 +29330122900577770 +13757953135961262599 +7600563027796236395 +16996310458143172074 +15288833291032490203 +13280608453224389221 +5785116591021434039 +1785796113450354015 +3784125305237866976 +6137698302350203135 +9784933783855589770 +1873618480440564079 +5458848651586965296 +933797253078783985 +10378117715444851499 +7408330038554999483 +16949958178448691183 +1256494820532118264 +813740659562600413 +11871386724049049632 +3284721633268429286 +31586254122800819 +7736166170195795653 +15287423213317794835 +13719626382719786305 +5855366851174681868 +419755570676453168 +1441652070212658100 +6365225453139920940 +4582661899707430948 +6285656664117098722 +17017082289434548182 +9870726558938861 +9870726058899074 +5516892801705253474 +2392267043374109297 +2325192619342704218 +12562775776235955060 +9870724566485519 +5303047030955590424 +2359415844463725952 +17089062574695330939 +214958213556 +9870727070578461 +11918547727788817309 +12344505928996036484 +6998719931675862047 +12485983435208928527 +14840910596114423391 +9870724570353728 +11232298379820689457 +9870724574245847 +11085135713045851687 +13819014391409576 +1413046550237693857 +15793159303882967 +8207049249448938564 +15292781524970125639 +17480875037442006397 +6208295848581204085 +12999522111801481012 +7353733393151230934 +4658361734735741084 +15312344744002939495 +16872949670802842967 +3164601805265245033 +16315146954142984796 +6600019782220398705 +11835684099239466085 +2107833776748973979 +7778920449755409252 +5302201063430497853 +7694696673418687441 +12597874196251629301 +481506443285 +8773391357768127373 +12313853487258882508 +5142858024084582899 +27356094063071952 +11785248268986625467 +2758840926409265508 +11320486140243172421 +5245848942943358316 +32150286927281339 +17494515130705786297 +17626356086458297551 +7766516328432873840 +9018208235494651142 +16678521331103379198 +1171291029146464857 +17675034304410564352 +15288269275423852461 +4078034525333114868 +3872570509714407955 +18289406713834311898 +2690034417606865986 +266642389084105093 +9870724609045522 +1518418407734196071 +9870725109085575 +6367763557772583890 +5885543833259674862 +8416935758545570267 +30740209212608333 +1987708794 +8568593699972083753 +13690146535500240892 +1873618532029709974 +17843934815554983037 +3015668 +2799105775752866096 +6882325 +1390094258664643195 +10425052701397369473 +5476681269618496796 +9870725136151988 +10748974 +10186528152264525247 +14615624 +9870725140018616 +6926887913757933717 +17686830614129758227 +8716401002755728618 +15288833278135836929 +530653668674249336 +6749680603453807256 +1873618489037884065 +10618847173402653160 +11285990229533799599 +1840738143326196395 +4047541379259828538 +5831598124517899946 +5354604915589401686 +7996937162556271149 +2625321593697931219 +17781311597693721726 +12637906923281005171 +8582815132800394581 +10162212535132624727 +2034108292 +9870724659311707 +11411381048697054784 +9876885857671208336 +15289115294538088065 +8975610360364492810 +6384455843948348921 +1414738695943776797 +9842826966098407134 +14460196276836835706 +7088047760058024431 +11442759979532358224 +9870724667044993 +6663236877230027457 +1996539686572486540 +829835503390967493 +6364097413324149873 +45548663 +545588752 +9116328294975039248 +13355408513042818111 +11732155529883572567 +5849955560047525997 +15289397353932153602 +5512098552952602362 +10165325721782983109 +17177069327929395206 +15167386733525284055 +3200373601203011461 +7033924864732638049 +6206603698575851492 +9632241780191803985 +7498670656683597407 +12737823250019929672 +13524078535889409043 +8653098689197516637 +5608897598720138624 +6388664954993576729 +72615100 +9319532425120017979 +5514204442342657734 +6305726908023380174 +4648156737790761661 +1201738978701618396 +1873618252584873623 +1371414832762915927 +425617995115 +11645035295070314568 +6366943767402079690 +1368312660931334789 +8910392170935313117 +6911687495934168776 +11075097790874326092 +17083411193129423708 +15291935501556602061 +2012231231910403070 +7032541723170898240 +11426056444572228073 +3383183339877917095 +1873618540627052796 +27638024484363317 +1108764208531321296 +7861398105913435443 +7563081654230408457 +6981547927231529260 +103548155 +5208949728437498218 +5558136804797399498 +12974919760129953806 +15293909603477238316 +7264899764736972967 +6101484093599211315 +12258258950024084418 +711211284439969455 +15215179494928288201 +2834870062606331777 +2477484405147110255 +15287423252010316106 +8700494625524747338 +2625039594491550041 +1873618476141253992 +7193701569470988954 +15292499525762577130 +7680096117698871036 +5727072329126253415 +10990637828830226014 +6206321733762759641 +15327427542729050585 +4948291455059191649 +3431825179470471636 +13823902024058498360 +2910437204093325428 +1785514015363720203 +5021379672069854543 +249849513631101958 +11567419905860127962 +6206321690770946704 +1522648636578937600 +4599795435970319437 +1731136039789029123 +210658920740 +15190571396680915096 +16039622184027696493 +15291089426553925060 +9989062872435743442 +16236392829870042369 +4597129739270760409 +10971700108385458643 +897743534098035383 +9870724775310576 +5139394742353927078 +9411879477661493108 +16003077546452738167 +10912798816855421035 +1720270736420384564 +18267072828871614242 +17202169176751951934 +161547600 +5510538211910620088 +15287987284814797921 +1898722222293589317 +9788358908483617731 +18372263615550941996 +30458188511072886 +7503895773261347118 +7480446255338297422 +1881294612915293608 +11312578691943512065 +9870724794643704 +2363364065503562320 +9772926989806014475 +878291211892380626 +477207136238 +11921229953031936752 +1256116941379671004 +9200007808832460112 +14319404355994404194 +34406478335978431 +1730290029272126538 +5890488336741055415 +5197957314536286202 +434215346812 +7087201736644493783 +8091759526349201706 +6280436236184722055 +9885582925391813887 +31022255708859713 +13841817523557509626 +12062924628993513876 +30740204913322021 +3251286420277243810 +15288551330518625574 +15453712700336979796 +5245848874158263560 +2192639892 +1167613856981467774 +7299355378883953477 +5232343688123065475 +14546547440901043518 +1407669396950958283 +7410944675485012057 +2185568528717140824 +1774602691397304421 +17326365370312908133 +1873618527730408248 +1841584106551989237 +17891699556299005626 +28166486445663830 +15292499577351721906 +9067117985047910095 +12819512501036161 +8486327009906794340 +1107456968073809429 +1096085143495399482 +16915376653771492149 +2576363834334854426 +14362669432091467952 +15287141209812115175 +10493899330525354618 +693451783907778915 +16279043917275741768 +15287423239113681753 +13652742121489984564 +1056883739421792456 +4952410902551142354 +2802461850370598589 +1873618463244626943 +5557008764981628606 +9870724848776493 +5416894314771390549 +16341147457515835792 +7903702108917095236 +5071732803364605583 +12841748902133264882 +15287423196121866719 +18390131773883357338 +15291089478143055561 +2625321589398638370 +16048949583630980818 +6045857707735386956 +1413046597527539795 +7086355661641810355 +7160449488865145644 +5780604324279236673 +3507365964462638803 +5483416219052285013 +15289115290238802352 +8787523062794442532 +5516892784509333820 +15287705255515941348 +1996539682273173371 +15293063580063707077 +13392707419519740245 +15289397349632841324 +1912255148622884468 +9302231382455376938 +13112992413210060359 +11615740648557515850 +9870725379749396 +12495289369411592459 +12049243684576969178 +1005889909089114588 +7192855546057458306 +4925669802297008645 +9870725383616050 +17517494253755970043 +8618954206935976801 +15290108271393976013 +17066144894714142112 +3711115253285598429 +7430709205550587935 +10863339467698227561 +11848796902029280341 +14600525102794418053 +4654977494912675057 +2397265941311077863 +18046770826235752892 +12266818901383319912 +18060955726130268258 +7003516464554388135 +12348736218027265066 +13502153632419560075 +10756726254828199088 +17277157789017246676 +1873618248285575572 +5815357128466849432 +3196729899697915794 +421318697713 +12748816074743700602 +17004781525157878857 +32714379920948669 +16919769403845463123 +15290243403140377330 +7354015392357549020 +18412545947378450487 +2624757573790023353 +15290243360148576843 +1156779955689757502 +6979855828815315184 +2528053666091381700 +15292217505061036472 +5885976147382463553 +14268731462635827932 +18173781368276861736 +31304302206278196 +18213474575806126419 +12542901203367258315 +6633107701255639833 +16875205771929809019 +825605274546164278 +4906279987000066155 +8994396775182658860 +14260179052966648221 +1873618514833775268 +31304259214444621 +18182688295015244373 +2160237676197720926 +812385925 +7192009471054774878 +12202104656846212312 +13416806523055515771 +16876897866046726854 +7751349835071770337 +1782138217079059011 +12178000866590463416 +816252577 +15279295921269924606 +1873618471841979484 +7064922337966840444 +820119231 +2625039590192257636 +3454016900026952826 +7141015675115405898 +10066330925397857755 +10246365371133802359 +12356568393605061188 +16683469352030118657 +6985684972259121747 +7298509355470422829 +11204987448696317763 +10260419056709935793 +1436145094782552848 +13819048784646377 +8910270495613591624 +9290028809211500706 +15289115277342161509 +2315401360925419670 +15196522894414002633 +8110757355753263225 +16636332169133043324 +16562086563947946920 +7247515559531053849 +2599235317102504489 +4759617222936916659 +6208295839982637845 +2734792040810826385 +2843337396197212735 +14101065186895045 +32150321320504029 +14108981681153796540 +15289397293744394962 +6272767949351832735 +15469516251686718079 +5888796238324839157 +14212253575230458367 +472907843589 +6125564953884498527 +2221348161771743297 +7085509638228279707 +5406726764242629253 +8138389933240493417 +2201358204387275665 +15197667989651615482 +11248024162254331404 +15107224894534131551 +10316347624636902910 +429916045890 +5995296165732296828 +1385891570 +17397964650095866600 +1571104267697939240 +18206110965885192595 +12445153428583694804 +3217536001876239931 +3862463871782173041 +8251104878595163890 +5995296122740500058 +3324580943442479408 +12855388246984582708 +16239270496562976120 +6151097708978593727 +8927653410928609072 +15290807478935503702 +5495810026726501255 +13147027133105653095 +7246669484528370421 +6138582791864017587 +1873618523431111313 +4619806171270376335 +5528340254170502808 +5885976134485822220 +15292217492164399387 +6588601354970885763 +12710123376153746794 +15291935441368847761 +775817256217764976 +17791918762976348600 +6028198910764007552 +5405437707650735593 +12359137386715894867 +15292499551558445238 +5511666277521099412 +11195951008859628721 +16367553670927421793 +10305743378007277338 +3415946130097518551 +1873618458945325129 +31586254121545127 +12747111051830108966 +13761216938558442715 +2966626551465393242 +13326120046233075732 +6185429174215927692 +3884829281455260968 +9031469484207258480 +7353169368944018372 +9870725053707599 +684134257893445024 +9124183816320278732 +17092164746525683525 +1730290515069725855 +5851982650044144428 +10277194893975960259 +9870724565267374 +9870724569134021 +16613707673610512436 +5555853011653436048 +10464824948131719942 +5783988478121286492 +14923044724379573906 +15385813621703717516 +16043006346467094363 +1088324864916724257 +1890321788466516924 +878025925123138211 +3225125699802657116 +5652457623480306256 +5888796289913995660 +2520575733754390263 +10441809148976579006 +4279680362438868716 +9426711950666392111 +8709168720198063521 +4264363504801684957 +14223898422488550714 +7403331834054582411 +5739422628533509548 +1720270676232642059 +460011227416 +13559180645580620461 +878291194696442963 +2419714185645138781 +15291371425760237367 +7352323293941334944 +31022281504720933 +2038711241953729544 +9870725103973749 +8910392205328542289 +9870725107823048 +1873618243986281454 +1411918510421855632 +4793744914108401702 +417015546822 +5570988833963445656 +6926323889550721155 +417019398728 +32714375621664240 +1873655521448258856 +192461576460776595 +16481687081228063551 +12216752074617208927 +16092841662109391948 +5725701970915305294 +12847295796399911074 +14383068692499342 +7042347284441145370 +10618847259385025724 +1494157072 +14540120362423767535 +2624757569490732217 +10547506079276549553 +10576074740845991147 +17601539498665272068 +883183489872502583 +15291935449966201392 +9870725134906797 +3114039617112991414 +2924288473891935814 +7087483735850811869 +1839892025331628478 +15287141235608010096 +8978914579626344788 +9870724634866746 +6151097653090127423 +5198521321546336392 +9824275679680877469 +2836347432574609682 +10533556670998393596 +12568778706007765594 +5249797103795464986 +1942600866810389467 +15293909573384684376 +1873618467542666519 +1788898229392259437 +5936122143277737207 +21103697 +6539591629328228240 +17087641439171518945 +15289115337528654074 +1413046623323441325 +1884114802737876556 +9870724654199887 +13835731758214956798 +245052151482 +993369602813683994 +10375505326586341220 +18029805427700686733 +9870724661933169 +5246976991357900916 +2625321572202714308 +4762041377741025767 +9183302404537141966 +16227016962321563456 +15287423178925954627 +15663852760867038830 +8097172674103107454 +9870724665799799 +13819044485352601 +5248951136270367203 +14249311570641633851 +236538746433595358 +15170248953810727604 +10655427086318126081 +15287705238320006149 +6206603741566404611 +6125359092805031209 +5431774903609945189 +6745049267550316955 +8366246596836813533 +9870724677399702 +14035970049831429769 +8321459293652653448 +1251040702020666262 +5512098531457378076 +14579759454216720331 +16014863264194836858 +1053111882941623404 +30458222904284463 +15915843526477500711 +1784676360404213969 +16365628939579169463 +13784303663910237038 +15287705195328185417 +12217235230448511277 +446711754671026153 +1837917966401617987 +6155327894831514103 +468604705530 +5890488371134287093 +15288269305517776675 +1399263698783459571 +3057445061938000065 +11984946347397506817 +3891032036572423684 +8109461463812286075 +8898725005986173142 +71369900 +6980983903024316698 +13128164418673579352 +468608568739 +1242408041073357358 +18413674021587452001 +9714916620293638646 +14629743686656812680 +11327137566841769608 +2780982495317355808 +32432303330970824 +15291935544547165919 +1873622633431265603 +15287987211730426570 +5629329310599029516 +1258091056199575369 +16633695839999757144 +5509410184991419260 +9434267504452903561 +10567986055556264839 +14186130719135644710 +9568723490388249591 +17424895205631413762 +3590231580044706632 +1894834089600767209 +11129540511026342416 +98436327 +9870724723799234 +14270423530958305857 +6097847756023739536 +16054777199195929242 +15290243342952634026 +103743332081618919 +5249797155384613984 +9914418921100491015 +1873618519131819302 +11775490430039497991 +15287141244205343516 +5142018959225852416 +8483264718130332712 +1863262418076309605 +17299513073606087926 +1682680391474032999 +5884848103267375354 +1624918257757985971 +4787251587801812210 +15949325364910969211 +15287141179719576795 +244362261851231045 +18412827946584768573 +6980137828021633270 +1873618454646033863 +4415038728065278714 +9953124464935195958 +15578876434901652813 +2625039572996334552 +5337229686545451046 +6100103844254129027 +5624520721638841737 +6793473961461815259 +1840738130428326685 +15292499504267340296 +6156455943247301554 +13134019694214278076 +9870724758598883 +2790209532000154449 +6153353844500012583 +10913240739406878296 +1005889986474162292 +11910386680860055227 +4206448621224618819 +1467988653199282056 +15167687298960071388 +12333122725714488342 +12132085556888224066 +8204080288372440718 +15291089426552677239 +1252450745340872785 +15732261763749585551 +12667953721599927118 +13571672302948787752 +7086637712437281221 +10754752208794749081 +5565348510208106744 +13337208633559834054 +15206052346267392201 +12753158788727190029 +15289397341034268862 +5382568464932038253 +8816997365064994802 +5833854272934725262 +10501118070476140796 +16865689102755785527 +1582324813964003190 +12411914213157251334 +2127002776273435951 +8971487688839664077 +15289679327344016783 +402592352509321273 +14101047990968935 +6920839824714454385 +1093546995869690067 +5623362810461569966 +14178085351775625122 +12451287838412705218 +17079023093991681509 +15829812712104870618 +5833854208448932472 +7247797558737371935 +9870724801131782 +12245940631988622075 +17740628179323350668 +2366626229466846514 +12771351434183990201 +9393600789933666871 +6097847807612888786 +2131405968625785152 +4722713861302991121 +17467452354184418316 +14383064393216234 +3878455513181271073 +15743156949551359147 +6863643608346878671 +2624757565191443316 +7085791637434597793 +6204347640438217412 +29612156498960748 +15288551266031593837 +944887022563846466 +4463543734349877226 +2332993943266085330 +2109187656261913770 +1873618506235189977 +5882723695027642787 +6101796032952032386 +5459976661308937534 +4791836802671784250 +15303708896041190042 +8070528080642444839 +15292499555856486978 +2917029403468842151 +7034797841495228813 +16139637609167857957 +2761054786507847811 +15501146095198478780 +1873618463243396833 +5303047099742040834 +15287141188316893358 +1007582080589896634 +12864384740147405323 +7192291521850245744 +8865452070350316904 +13887711574942765706 +3189961255353128909 +1732546104605809358 +12036253157767325789 +1873618441749402214 +933797214387653738 +240752858586 +7141297725910876764 +237634956 +7676326001635167180 +9870726363117260 +13307149191448978163 +13819040186059730 +17785259861724128221 +13275684189377539550 +96809633337581766 +3897700629604082985 +7409299924681690275 +15511134302986307 +3812850738665253569 +9870725374637548 +11705421198335413903 +6364097387529644390 +16101055855214333674 +8862828317998524784 +3445982126355517333 +9870726378583766 +7353451368150336458 +10861968196538553629 +256968084 +2358158792696411786 +512241343558346028 +9319686106503383650 +5462796868327448350 +18411981923171237925 +6979291804608102622 +5144036706252955045 +30740277999046240 +3007579288618485597 +7920022920676785688 +11737100232328035483 +15290243446130943404 +464309261814 +5261190217318416256 +15885957841278601295 +10758418391935683406 +7180372086949573504 +12927193975764819827 +16871539575890972470 +1256398957783358912 +3703818828207571539 +4284352459 +8360314415069545558 +784074337 +32714379919716361 +17952508192438242625 +17944716877657040937 +10691227790196765264 +5386207961880672840 +5350224414818709194 +3891732840317913376 +12292529144048864815 +1201738952907113960 +14362448674145702264 +2524806022785625975 +7140451650908193336 +4451323545700406669 +15646220663009260561 +27356012380114399 +11472543329080990888 +13012130909130153155 +11742458543980361372 +3652559214678449535 +4454707703841762382 +1987794462939090697 +1788616195794101204 +14665059300282550 +8143564249694211276 +1040306627113533950 +6282363583088434333 +13553803778815451878 +15287141239906052878 +10206308959848635570 +13730273772193125387 +1873618514832538449 +29612143602312956 +11475033789476584216 +11183855665340181667 +811140730 +12643792495862625739 +12608349063078373308 +11425304743223437863 +6562480060685576737 +1873618493338558301 +933681580796757046 +12676289072218642508 +5458848664484999772 +15294191680068612177 +5831598150312530541 +6803771475061513250 +818874038 +635482979469435917 +1628020382298483917 +15287141175420265621 +2625039568697043404 +1732546113203157391 +1873618450346758128 +7397691548991756100 +2480754767962074303 +6206321707968235495 +1687633383652210561 +17610742277697650647 +313548357409393025 +5304739129371998163 +9870725959743077 +1573642406723810009 +5063839133985811984 +14125453851780129617 +1467988648899984343 +18315351454877633902 +17441659893659623732 +15289397379726774349 +13033551064391618765 +6981729909914863852 +585952578006557109 +13850362576807929008 +9870725971342956 +7095406249883406614 +14243906671211147724 +6364097396126981370 +12568505768681695033 +16904182278412249756 +4448157743373634123 +13762033578708642256 +11437230683233132423 +11202456194679531896 +3190243207268414455 +6669896685198666072 +515898417378 +29048192479487834 +30458205708378528 +456122699108794601 +6487611298597066839 +14274356095872954750 +9870726486849250 +13495476665398817457 +10199563295936953671 +11301006809185657186 +10481987692921179285 +4967913279473270741 +15132481516176105870 +6429121193278531038 +12999620585941962106 +7246105460321157859 +1572796396206909066 +14101043691673448 +5546278741478162311 +11246066976182529252 +10866328332570863241 +2901086003357956672 +13889517661244569111 +6490821282007106670 +451412625363 +27356063969249230 +2624475544489914134 +5940072072163037146 +408053471422981277 +17689932811754827908 +29330208881714554 +2437381602884409707 +16479243799568462603 +1380779760 +7501157356506459681 +13514760923892903638 +15288269245330052156 +10183587777134293660 +13173976643341333190 +9130453325961579579 +15292217535154964767 +12919095062694400568 +8477811091809980303 +17680342613405756282 +1950279995150445111 +15722045391529516528 +12880159659225072120 +12395940537799766901 +13067141397934586029 +11855352697066244191 +10285392484460618804 +8552319687958337066 +15290807457440278399 +4271541608539432313 +1873618501935895179 +6520857582409176654 +933797274574145484 +28202117476787177 +15213058827192916653 +4607651442236795385 +4826277603759320671 +9448824793222625139 +6206321759557389187 +13553803722927001029 +5357989108122728257 +9608971514272879832 +8551191639545230449 +18159419390874577779 +2022770915872873492 +15290807392954506273 +33560450623100325 +2431125416 +12103881278437665908 +10305085813919854704 +10654574963171861556 +236453566144 +5782296457087423557 +17976521840277869387 +1784103963443681594 +17562557465928747859 +651404368115865204 +14953813045747919824 +13819035886755796 +9774054990929463684 +7351759269734122382 +16983917293218524354 +1148207048035821921 +33842436932850134 +2343872394433215199 +3987538481976725459 +12536734750423408666 +6322334160684848621 +9726821003425236214 +15287705229721426379 +3098695055722031672 +13516171053196712590 +15292781503473660288 +6250589788160084886 +9302231356660868172 +5890488405527506920 +5097395804919372006 +5833854255738801234 +3558529647035363327 +9126223058424237730 +13543274307735524840 +503001778277 +15291371468750808493 +6208295805590775961 +5423641501104231139 +10909696679416980451 +1289442601154386052 +11719664095548743914 +9109352897699209450 +11408069428259070581 +10591607185566357455 +13889891833454676696 +16778219695595129235 +31022281503480957 +10469575575568528876 +9370859833366679931 +11340219378265101396 +12881745539904647102 +17620704795175490453 +931541121856794573 +32714375620415116 +11343333327046714532 +8987866256879803062 +13850666904018116255 +8191639847504197118 +9230173750303026132 +2332012811278107576 +5255980322690972109 +6760344619925576975 +27356008080815152 +880547325917418106 +15771460177937787617 +9870725122061725 +15289961326550343602 +14383047197288323 +8647619234969441830 +13012951802393595762 +4002320314711809156 +9870724625888291 +5504436110766645146 +1177608934696496745 +8035231345285287834 +2624757547995523281 +3532555537066242051 +6033658086902407963 +6156187872936204731 +4548309565419817107 +8258602 +9870724633621551 +5301072929035149893 +5778348218851680890 +12125248 +7623863292059734142 +15636771529559117323 +15290525393748109092 +15287141214112800271 +5356966968269677825 +17258512310888180132 +13600768700763346617 +13382562873017384222 +4092671865166566108 +2207210695286917955 +5837251394960517869 +14450142173637908850 +2625039564397751755 +6974459570491965848 +6365225461738637517 +1873618446047450630 +16967797193504667335 +7397691544692475220 +1575334487942909046 +2730693653255573222 +4753934500331268000 +5831598103021431394 +4964401910911277853 +5722409915131627937 +30176206500795117 +5992475932919286371 +15287705281310564034 +5672976447337600061 +6762882767550042180 +9870724660687967 +3648903859850324019 +18413109997380239439 +6980419878817104136 +1630794378229978273 +5411239052480161496 +828143439367901061 +43058289 +82405218317592081 +9870724668421261 +8127099841899143945 +546965025 +9450919282812469695 +11404871128947508748 +2308422057123069285 +1550911271 +5780770817303008934 +4000515045254372493 +5105457491326880579 +5250643208892065795 +17591137707033063028 +2054817674 +947561152284408111 +1546476616450653730 +9265158806365352638 +16807289281417467836 +2838947274101186791 +828707506565688446 +62391434 +1894270065393562475 +6054774376566514854 +30740282297113842 +17205553326293471103 +9443989419749099080 +14101039392380515 +880927358651743126 +17357547399885563434 +447113337210 +2624475540190617085 +27356059669980493 +12551718261818273339 +2249641152251701337 +15331258510695152881 +830399557690797862 +9870725207127496 +12075580116663744035 +1201738978703011262 +12061232577867093867 +7587760856636987506 +7140469779640626123 +32996413519321008 +3720158282632291055 +18412263922377556011 +17335214655854897860 +6979573803814420708 +31022225615034676 +8481290616208452465 +10992972178292814688 +5569296662462885736 +1597310772 +4758135139739065965 +7705538687087483696 +9870724726420698 +10598104538955389245 +5674063545086188488 +15290525445337274881 +1880166564500877689 +14270423509463101892 +6151097683184075383 +3921035718384826381 +14924276060583187184 +4528905006999362826 +104924427 +13518427137128994837 +5142018980722460545 +8453377129058739212 +525107869847732509 +6524370298441503860 +5249797133889391811 +6978558297828115787 +1836789883593975251 +1873618497636601250 +1148763750796117446 +371941276884364764 +15588524803373231181 +5831598154610595008 +17842057182836120235 +11555545866497370339 +1785796087654587965 +31586271318837766 +5900503424683173070 +10453048286686957027 +10547011290218049341 +13730025380299357091 +8266413341714575734 +7058976945723482222 +6101795981361634133 +15479439859683973424 +7636173669067011920 +9405911029758713894 +7908445715160188495 +17800857886473327612 +5893683338815555620 +6155045908523192172 +18005850164247996445 +5610806128989055011 +3454680143887363452 +6414940924439773741 +1149335070655657213 +14553586164479374808 +10248057448053550425 +745740842898099533 +8703842248362246376 +13728164708410733206 +7247233534530159373 +17490170188584258801 +5303047026657662267 +10375505292194509452 +8037879886770420005 +12551090655171211561 +15291089405057443844 +151323935 +155190590 +6833161505063579278 +1009366474452584145 +15289679370334582787 +1256117005866848259 +6206603707174558760 +15226013478378682004 +162923870 +5022488231488071944 +10701502195652186362 +32150304123324785 +6056466500778599974 +17298949100988032438 +12664851558365611563 +9870726296139459 +455710700023 +15287987241824373418 +2469864014406373877 +13892033721375335909 +17304882408674444985 +1683466373830611247 +7034233817288016251 +3980785683180559919 +4923765278341033771 +16510673542151236071 +15782158822290178296 +31022255710231330 +5671848330136720444 +9870724815353096 +10111511925103077036 +12325680916634492701 +3383183348476635313 +11525142969195127198 +651499399329753876 +11267527389334617288 +1309930957234397851 +5357143037419285160 +16159658050454637563 +7246387459527475945 +13663177753338591498 +16522655212470038539 +15292217517959049337 +1873618549225756359 +14383042897993774 +12539898821926013609 +15291935467163502741 +8386818981010024699 +11075097734987254464 +2624757543696226382 +5887800011770444570 +438763253562154669 +11061538999702736151 +15288833295331896584 +4311555937266189279 +1713309514 +12762680273203524232 +1078354239129401469 +1873618484739970633 +937694971682038132 +14947110095772832 +13282278299792582603 +9870724846286118 +7352887343943123896 +16591082880744844225 +3169683337105056653 +4227200374479474302 +1300970856318988818 +684134283688111461 +15287141166821699430 +1873618441748162674 +5994450116524249598 +1252168767631075224 +2678007758899985093 +18411417898964025363 +2785415326238058018 +5831598098722152276 +15291089456646604003 +8643738869199629127 +236389764 +219257639280 +8059135517526531939 +15716296135804012310 +710425467876225240 +28484116683119238 +15289397371128187796 +1467988640301408290 +7831113200962914606 +6322351693369975515 +6927733984461521080 +929260878924967320 +17151619313115089628 +4764015496858970559 +13819018690835173 +1028746712054055760 +17662551860641031526 +9069229091868850711 +3188551156143255888 +9870725377259011 +9870725381125662 +33560368941369458 +16876333854737584094 +15370149844931527311 +7139887626700980774 +15418151011735770061 +507299841931 +14855968372010917123 +7659237507184987098 +17088989650730819833 +9135420137394870831 +1686568524167082506 +14878478015520070379 +16471989692638565161 +9218778974764098092 +16688455482474714223 +4744952786409559901 +14101035093076273 +9083528104337937526 +17121086937487984051 +7352041268940440468 +15287987228927727627 +3197853692207786073 +8815638558025870967 +442814051954 +2923958282541808983 +5569296722649358247 +12214133062914872150 +782829152 +282789288 +1643579383528384237 +7301047473001071488 +13174660965460688066 +15291935518752662229 +5563295851210940995 +27638041680434060 +2273253019856675359 +15288833346921050558 +7241043887750912262 +3428442719139207159 +2571204766102858083 +15717218084939710047 +5878200460756537674 +12813567607291390386 +1873618536329127029 +883931539947150454 +4462111713977781006 +15291935454266868788 +806028904 +7268009968829875392 +809895536 +1734238293302461629 +12192034692494203719 +15287141218410830768 +13802551532558436588 +1773948670694220853 +813762192 +2126950250258702963 +5831598150311303280 +786775059350627266 +17538999360685417232 +17489329782737551898 +833749216326461965 +5192673801081085411 +3459393948561915520 +2625321597997354352 +9870726958577424 +3844089032834233200 +1118144208449197729 +1479528444216158433 +7245541436113945297 +9642601730832557391 +5992475915723370077 +7023333414277158356 +15291089443749973042 +15788257230634753516 +165635790806196117 +6155327963617964740 +1359796614478917505 +5510538272098491657 +2325192589247651709 +1521238576060323386 +15292781537866892963 +1001690339922301155 +7194547640174576317 +1731418116379144053 +9870726974043922 +1455946291701162370 +1197790757661912574 +11884431389557002916 +7680993515557837338 +13064755378373084846 +7797015921448283930 +28766163180534168 +9474187975278019851 +826733365951292256 +15291653510947749053 +12542055179952410733 +30458205707110771 +13940729091866574845 +494403206272 +1427463126435503786 +8487494934077185629 +17465760298758780018 +18249294802471235836 +5250643148704338279 +8565874746418946183 +1730290046468187097 +17264892917827332340 +6890349946557762199 +1873618983434208347 +16423593172652221112 +10811668349191214094 +15618641120352996056 +16963614270420312670 +3849280189159125664 +13464164554474079819 +1776768834720901269 +3662794063199823072 +6056862527838970390 +934643263595825674 +2791055589805659897 +2624475522994695578 +3575875050819498104 +1784958381107145231 +11474227163622436104 +4659274830459050020 +10803332050175090369 +2401985079329050450 +9162277401029393761 +1254988910162637306 +1254706859367098199 +12189320918056839244 +15635717929499580631 +2786543383251193844 +14264208133785217430 +14666376624573862860 +15287141269999992551 +1042835233529883350 +18198700987291166800 +1843558268660510031 +2200282337706465157 +5138352754589657621 +2624757539396937880 +371996013021700685 +5717788221838659643 +2442391304375849088 +7853619318854676419 +776533704493452104 +918014392041164682 +13941539566152470955 +33278412725621925 +6409380678150995278 +9413007521775495934 +933797253078936013 +10201269960172852836 +15287141205514220091 +5408982882566888330 +18280772498690348327 +9870726551336682 +31586254122913173 +7300201449587540840 +13832769579460073448 +17103490140330927645 +6045857724931445050 +2097890646843351014 +13329769966461154003 +879419277504225384 +3082518526010875972 +2250769226459527275 +6582516930419051308 +15229092110094197 +7528330190111772201 +16481554245638166233 +684134236397004664 +4292439666353856369 +5883005685635360065 +2303192474685826070 +15744000533156661691 +214958344800 +13814567094182624911 +9870724566616636 +13731144829370327605 +9870724570482655 +17636993876761457770 +5943174265490056953 +1573132436952926962 +1372824966366170867 +9870724574376920 +14152025650749140656 +5199085337156340869 +13819014391541929 +3815198782365381944 +18115296894471115512 +17709990179064587183 +4248871370831719404 +2429880022584539859 +11663374006463445269 +1466296477399406988 +17690426914457401925 +17575525470440939392 +2528483177756102884 +6321502891313293119 +5570706796064751361 +5991347906000081073 +860090351023572744 +15116355218574751893 +17047598680933752849 +6444189713816226511 +14425661084390614527 +6443975449313563810 +5245848942943481643 +15289679310146849214 +1777050894113782499 +15998836229705068137 +12555384483650561769 +9870725101483368 +8900230326182748565 +1127239881800642570 +9870726605469429 +1685158442153087224 +6767393152337645295 +1200046906079990188 +337192052980782715 +14173938996056977343 +1041143148010283227 +1254706867964435400 +5570988812466999184 +12162783502519984532 +32714354125182327 +3004215200300482960 +1156159018693182632 +1756819563673298071 +1786650410737099771 +5723537976442822269 +9870726117029526 +15290243377344639825 +14425661019904806122 +491587036 +11529664935751015087 +16607536221675927886 +882239441530925459 +3481112672057237789 +401820771277497856 +5357143020223336233 +901973780138836225 +5623956688833028779 +3146742 +8416561291349675247 +15967564293481176775 +7013399 +12944621759895448872 +1578847559785726924 +12537862871922257426 +1839892025333008444 +14878410640417182640 +7034515816494334337 +5512593570613176598 +10880048 +4682429100741569670 +12189191090870576793 +1198918814675060527 +1873618489038027888 +12187448730858836304 +8401933513408988940 +2189418872080330532 +14943464741387183468 +14152890882399550156 +1331604907921588479 +5357989095224839900 +26346580 +9821766011289486400 +18250203736178513517 +7093579697867336521 +2625321593698062078 +17403754121918826230 +7022345251720876114 +537986538 +16245610700080812298 +12037736283602180992 +4825924017323380084 +15289115294538213358 +12637664220529495818 +17802290221379497676 +1414738695943890756 +15291089439450675375 +9870724667176067 +14713357318707622616 +4159940184527760977 +41813094 +15894028490995487253 +6427690700608858943 +545719826 +1839046014816117850 +1095239137277915912 +17620140779565630163 +6489643093264717558 +145335293558801592 +17201605079459127993 +15292781533567596436 +2785415266050325793 +15289397353932284513 +10739423712638747735 +5888796298512708669 +32432389312107412 +15172821388704969446 +5565348480114297318 +3227879712119999744 +10436529559778643205 +8210297708918895469 +18411699898170343449 +15289397310940475592 +3104131065037544189 +6979009779607208146 +6876602157456694070 +11912481615777833131 +2365056215509069854 +2600731003843928704 +15291371455852915262 +2157660070237326065 +15866601967913540866 +17072716876704471971 +5514354684174938091 +17194977454375580699 +4935175925304405873 +4561962166721335614 +5517738915400599573 +15288269284021315841 +6928015983667839166 +72746173 +6815044500557664372 +15290243428933791031 +2789363491389444518 +1873618252585004538 +5813899559267162897 +34124418943224508 +5509410206486762628 +11062667009424764646 +13052995842842715589 +425618127443 +14749920066691472717 +29330183087216041 +7140169625907298860 +15670057095931911980 +177074650365324290 +2012231231910526474 +92079314 +15291935501556723722 +5407707525201268551 +9870724717442223 +11437390640164794848 +9067541064426464886 +12919891971549517140 +4713167439824751354 +6157380795525847900 +18167404309274053379 +103679229 +475082804681644190 +16893381723416249432 +13849484769990891551 +4654131488695196225 +5460499803636850273 +9561085320276485980 +1873618519133209304 +8561938633303876897 +31586314309417579 +9336987532144480020 +11129919386604487556 +15168533287980527534 +10842237335486411859 +17136224367152473005 +4056396827994562299 +5969680712418613928 +1873618476141385298 +2625039594491680925 +27920040886759832 +10815931410234104529 +12103608816008837945 +5633406452177247402 +98949053235148287 +7028044196304658623 +14655309148374721523 +9208536704097134206 +11751060869867201907 +9870724759975147 +1197790804951787011 +1872174764761641189 +2946293147537328066 +210659051882 +15760372025019280227 +2434595999427594854 +8697674543179833043 +15691697526684666279 +13819010092244686 +5835546358454489223 +17104122556657396878 +7033669793080803689 +5969327292404337229 +5780604272690216950 +16547637327384153799 +9230753948926544198 +153945394 +12542601478514687126 +12332399388406459913 +12642214096204617864 +1414738640055446330 +3121445287022504006 +1147924971445773206 +837357024961580594 +14277274240823148093 +316743057922474868 +161678673 +1839045958927667645 +1519546473346001214 +10427824641686398448 +10324399502378359307 +15515478115210901688 +8437901606391518033 +15419324624607530449 +2462658616946150082 +6093937505709866976 +1731418056191405437 +7245823435320263383 +1995137917125475859 +27356089763897975 +32432333423652471 +15291371442956293687 +5353476841380455911 +477207292458 +3402960985492114407 +13058301027258686561 +3459957934077996405 +1730290029272262795 +11570046635514009705 +5569296714050766988 +237419273278592241 +7465404271946633007 +848960295933204334 +10157982289092096390 +6272538193942160609 +16684272605542105921 +30740204913431938 +12062924628993662001 +8258032047767053090 +15741464833937984976 +12592885735782183448 +6821858679084099389 +10576074758042040765 +11110494887593913986 +5884133751245842138 +700755957085 +3172873343893835573 +1873618527730535171 +11066048138937912938 +7032823718078120261 +5885976138785235841 +17177780796455601558 +16586331478767267507 +6275924038228911556 +5349649388690805037 +14750878608300510670 +3505218283256373581 +6814198477144151483 +9870724845040918 +9870724848907567 +684134283686857806 +7139323602493768212 +5783988546906500348 +1727530831 +5303047078245580987 +16276013091688242933 +10401598182215588020 +17941907415488668393 +15290807375757330357 +6262673798361581629 +2625321589398769394 +15287423196121999729 +1413046597527669677 +9870724860507465 +15292781572260118590 +16414620023533891795 +5831598077226929078 +2754754908433631275 +2181845644246994958 +15291089435151391404 +5399451562199289666 +15225297409718313101 +219260280098 +11849924920350019970 +9753238190306912675 +15287705255516069622 +5353326642538955021 +2820589624262089752 +1005889952081057788 +9870725872186939 +6570062128880310863 +11700344903086705595 +14426789085515294420 +7300483448793858926 +12751507455954464332 +9870725379880469 +10503529180571323465 +12922430063285530206 +4257363433439062764 +14417056387933035413 +258344348 +9870725383747124 +9870725883786826 +6661826795216203545 +6364097366033182329 +5250643183097572805 +12841033000937284278 +4079072023780093579 +15287987271918298423 +2861086850443913811 +3817204165566027707 +12414579355504832353 +7399947658718688437 +3236071028859365708 +13725437689975300554 +15288269279722027217 +16871539597386338025 +9870725903119957 +17016498674549153042 +12488239579327838877 +13044533530008639921 +4801022813111996882 +1873618248285705184 +16349719711739367469 +14610453684522670967 +285410737 +15290243403140511709 +32714379921073057 +2232150464650104249 +6595020204969323504 +7872981597395619995 +8710197104969454316 +7634253624112607124 +32996387724813826 +17382925585909956642 +9999924291741037478 +15942320976585893442 +15290243360148707857 +2430620139577293230 +1806610859089211100 +32714336929261421 +7470262532006959105 +2624757573790152107 +5533048425600462075 +11322331317246432593 +18247967092210291811 +6204347649036934875 +9870725926319703 +3121353141353476565 +1308238858818117932 +17998704710804788315 +11020586642936980853 +12162857194684745850 +6664224291765687538 +5205796391235297817 +8063047438522216323 +18383714950999655862 +288475931845539533 +17417263047611535594 +937181467107482959 +1735930357325653997 +12881008057796342661 +17852636614813573526 +812516999 +16096632096226295702 +8258313999682325203 +3392492803767998800 +5248105044070440765 +14458654042894259872 +7193983615967363755 +3256722653717473065 +2625039590192389083 +6204347584551147065 +13043583327731475804 +17606420371222383838 +1783548230308088177 +17061252354607695530 +1251886695339144977 +1824196460 +15292270897821261366 +13237708548482859014 +4468411517671121615 +9945828332568584500 +7715048190783211965 +6476519556214639847 +5374001325769374083 +5195701170416411747 +206359760802 +6310847468966794730 +12994192120810321889 +3229413760895292489 +12057002297434580163 +11065533352813154818 +8697674538880541529 +4311837919276592107 +6245583177832864205 +5939508026460614814 +15281207274226793529 +5835546354155200604 +4889753140553204446 +10646033996819341000 +10249982755298109280 +8176552852973565809 +12137496750341515430 +17104122530864112635 +5943456316285525888 +10615766825721739787 +10869660245044513228 +17605145422753907057 +14448078280950376785 +15293063524175387658 +9358905561036638397 +14101065187028455 +14748002060019921744 +10866857471471275324 +15289397293744524153 +18216242462684558257 +7193137540964680327 +5353476837081165954 +7880607085181409193 +3933043905561778671 +5341295408426271102 +1798557717608422949 +9567543198176062317 +7852905094728539092 +1262701579776454130 +42353829286653374 +27356063970625639 +3507502151412766043 +12419459183190354860 +5302483041141809971 +429916180315 +1886062450 +2146416170213456847 +5725098295989573224 +694608387276418508 +13683916910788429376 +7299637425380328278 +137199582214045715 +5779476207078476327 +14987448612269525521 +4187198244195017190 +5352348818760538408 +15288833334023177411 +14661280238232079451 +11027293669015772382 +653191510643978564 +15295896322673747644 +6605958307242400935 +449218114068178576 +529568485530101521 +6928297982874157252 +5249797159684023653 +1368876753925116819 +16526175369603198283 +16257233937394703783 +6991773492734148053 +2396499577215075749 +14476820361327634283 +4288400957833289319 +9547417246534754980 +858962259618577677 +2077762687573577609 +14492490145478546387 +14604797433968672794 +5348521357472384007 +6817300601684650802 +15894267689351801519 +1734238258910621236 +1992881803100621834 +1873618458945457468 +1884114815634656781 +13834461643483256618 +14947084301265235 +8195299660451552676 +13369405230387248048 +4929214082307147459 +16582895391733271216 +4445946672738930502 +10017283030214854490 +5461950758931666010 +1785796048963456780 +2625321585099477375 +15291089473843900996 +2432501673 +5994450090729739580 +15916056822279729538 +692041701893954800 +4645877093499356250 +6206321673575139364 +5382561551670904867 +2785415300443550906 +9870724565398448 +6335415053626858471 +14399056675416470066 +9870724569265095 +11553148876440345945 +879419213017199054 +7298791350377644850 +13079931275337543065 +16044698410491644303 +5565348514507538765 +9416912531774189522 +8484110806029785700 +16846695548644693443 +6152225778888481286 +9870724580864999 +8443717593546505253 +266606364701111241 +11076507902982383016 +17203579194279012966 +15289397302341866931 +9199201286704420017 +16294470476861875833 +9429706753489591226 +481505335619 +17565104825770122800 +6992199499018821790 +14107087945230463513 +11998383052401949392 +5510538194714842518 +6763446783160043749 +10052892219695049614 +1995137899929552119 +10167581917491052340 +5195983173922010263 +30740252203305147 +7033951792287121775 +7299373550608330798 +6275161907604048228 +2366626233766252676 +2341393813528056962 +14144014052517291298 +11192165972973008730 +4736154307999980841 +1873618243986413434 +3069894846806906920 +417019529187 +13518431211333838553 +2191439168619025920 +16915128496853966935 +490341846 +10676818914731366759 +5245848878456440851 +10627282602772420687 +9230455831192415836 +16908076133050363692 +6908100892141829186 +5567604611336458944 +11941637280282645612 +2524458012876026196 +7867619042724816374 +17205017676797984660 +2624757569490859659 +9612643166216529345 +1559163972203862278 +8818864660340162857 +935489368691262401 +5833171446177740158 +15088171056968001670 +2339592758377994078 +6766783649575685488 +8959417923879578104 +17595811302774679095 +10114659545786239044 +13513662561523603817 +6812224336529747754 +9870724634997177 +12261029722881659904 +13701595356116684681 +17330360441647944999 +8856014216854637014 +9106532699279412465 +830963573300811456 +17301205180619763281 +3648384168589088920 +2332294827681716734 +16674492331423000633 +1836789853500172366 +1873618467542808111 +12929409143044388924 +4544359526476831851 +4501213782891776131 +13727196591133318819 +1249061871705597294 +11064574270466649717 +3666742284239584975 +8371550453039263339 +956348125470595355 +8693557137333185596 +1536821022 +29894155706643262 +15287423178926091389 +9870724662064243 +12806893037197864749 +13819044485483185 +16644853971074567175 +927164962728315619 +40567904 +6927451959460626604 +3685782031326924871 +6310847464667500343 +544474626 +985637089627950962 +3760292773055453665 +48301183 +13765165172495046204 +6313949593507285723 +7073611506224294406 +10895941260599718025 +15637617634654492379 +11939363345221103214 +5941764217869306839 +8107633101452898717 +10702965397904831095 +13774681046469393402 +7139605601700086298 +5570706826158678123 +13829667330244826007 +6208295835683457385 +575630498357071667 +11906173445941326484 +5837238443972841560 +15287705195328316536 +5141454999505822688 +32432367816894764 +4301146397395344997 +15289679340240793929 +11630357923075865436 +14101060887730603 +1400104083384967323 +468604842373 +1787770146585996334 +341380979977236299 +15171084126529599456 +71500974 +2624475561685967037 +468608704034 +3413980006980273277 +7141076139664958340 +10779787610829373521 +14996177237533019157 +9870726704756478 +1782984231894142265 +16483453074211932714 +425616873515 +2796071129848161820 +8850604587316815745 +882239471624872276 +2678948519328751808 +6795216411028379862 +14753222603358481570 +16929422191486132233 +12899647259444192625 +6926605884457943176 +12981572156189650426 +4309804531418150139 +27920126869113236 +98567401 +16917706574212716023 +11499096412339246871 +13080769801446120073 +7129204380106650301 +1836789905089316692 +12315494074414994433 +5111714948189538033 +15288551278928353501 +4552271988952737536 +14665063599726706 +15601595588513124033 +15288833308229919787 +3419276518732406722 +1873618519131975753 +5103287355921228351 +2150364412747266419 +14951848861293491234 +16633278779510170217 +3666742335828729557 +13421658540802329954 +114033949 +6812224323633112080 +4101212277907141576 +338635953521256696 +16203767216246236268 +5619444469380687914 +1780164054970804411 +7033105768873591127 +17170441321857040751 +6370301735491101851 +1693561394611823541 +14628605590055882950 +3384591734000399405 +2625039572996465485 +4909899654639405018 +17788079965564445007 +5455705524791627293 +6595009189439296101 +6153353844500162115 +16985627896901098783 +2790209532000288310 +9254124587655903912 +1839046044910049390 +10588235868611613850 +14426789119908536031 +8468495303965872071 +17944163559606279324 +9388513449772452491 +7194265615173681841 +10980977185397687672 +684134210602469501 +6110845085391395652 +15291089426552802267 +10760853579219882047 +17899830361464783058 +1095239124380054116 +14961595670132045391 +152700198 +9946392382570436135 +8875346350189140597 +7329667560521272277 +4227285979208166135 +15287705203925664025 +5462796881224209099 +2455331839440218592 +405777490924748365 +17752869452711811384 +9463915751678816531 +6728054235607036488 +7084442041465400054 +6868482976761262257 +9828008905086670153 +32150304124711193 +8756710315742553877 +1275246496069267492 +9870726293649089 +7032259693870907699 +4635000312440316251 +2361671979984035006 +12109395139072756075 +6233210769351648961 +9308938138266842515 +5716464859759120480 +13516453065301051842 +2889033352725025216 +1733674187412370276 +1873618239687109755 +6981265897931538719 +5196265155932475214 +3391090887056643093 +14691502919679374007 +15293627574177251842 +11848796828945040661 +14383064393346278 +6921374708600412038 +8865366478519732882 +4961015189234130765 +15293345523381724576 +3458547834868094359 +7138759578286555650 +18161909144966815222 +4335731566794789764 +6474545510181177411 +13071884203512374709 +2624757565191571456 +11952920104999665594 +13496035427580276987 +31304293607821890 +6993028404949028168 +5769186692612318710 +17150669604793427760 +14095018724633156452 +7087765782347186670 +18011369817164902630 +1023864266231737249 +31586301411540100 +13548041863730971624 +6684816020734305563 +9942444135736154179 +7299919424586646364 +4562124351240801655 +10590553434274599683 +6231595112432941155 +12534760674296144950 +2673272213187139864 +9677604642131439803 +9870724855395646 +16432418273740273311 +199075413713237296 +6818319265163930923 +28202057290443244 +6925759861044412528 +469378718330468701 +16847961023182303649 +2359415870258498772 +240752990648 +17400385404714175844 +6209987959894391033 +1314978509747543254 +17413758803381671275 +2477370536737730793 +13819040186184254 +2025173575021718026 +10530167729217284356 +8824679608280027599 +9870725374768621 +3005867732945740626 +2561876449470730647 +4387881809899646130 +16580568122706236368 +2573543657410402457 +5994450030541998965 +5782296396901072176 +5835546345556623685 +5137506705381601730 +16041596294548426920 +12455200623997698463 +5991347931794706466 +257099157 +15291371473050234489 +1873622693617879867 +12668812598284860723 +7086919707344503242 +17205553343489521982 +17939922298746853183 +12716605781588708941 +828707480769946813 +17626345367404292157 +12814290618553094236 +6260720179123072342 +692605760494321572 +10758418391935813831 +14561685619439459768 +27356055372063664 +10184983795144471391 +14295133425996407556 +11669272592120221954 +7882137511871530134 +8356442842754085171 +11791459571951084724 +3437833049140979225 +291898817 +9130770121003901542 +29330157292694305 +2938682705183918728 +31022221317129043 +720410650557368595 +6995388108545920353 +15236272502867506473 +6419603433014246071 +2148672314331050038 +2676033356038015177 +17346338118431170708 +7872140323230147589 +9870725928941145 +14665059300437392 +316179063809252074 +1873618514832658439 +811271803 +5251489245202359705 +6796532143492245019 +16590518779153956022 +12133813307910934098 +15777881992531091194 +2521073773052971967 +5249797108093638893 +728157601923733339 +5303047108339516163 +15288833260938812669 +5304739172363936306 +1280298130509359619 +9195226522645969579 +1517290350722572331 +17333875493985531489 +9760038020658707504 +13388567694091514437 +2625039568697173857 +9228351519787133027 +1992881794502051967 +619898924219385180 +2785415334836790991 +14807346631528951298 +10479655241544968947 +1330644708 +3875511721049272372 +14720147863527501902 +14909987968229452179 +14804381690165614868 +16262666567264189170 +9870725959874150 +15287423183224130577 +9305858029919209529 +7192573516757467765 +3413320919524529603 +5782296448490212559 +13327291319013230218 +15289115277341057907 +8710469508138547504 +1892295967772330070 +14964329801459326425 +14582861630346497493 +6095905489813913381 +2202768325092649903 +16258001084132912477 +5565348505908944090 +828707532359089868 +15289397336735116849 +14171682847640259699 +6152225770289909460 +6314795737296486511 +15936300577150743861 +11660037246995817966 +16405464933736933594 +30458205708510474 +5371825572388218591 +7662890525169292981 +18336495713222609321 +15288269309815960134 +7353733363057558479 +15895039144349470742 +18213996499704943431 +16872949640709148343 +2014710471177341899 +4709504560342973746 +14101043691806712 +10585391818487186258 +17445466366832677974 +13901606567053696657 +5594649039492114637 +7563927647550267439 +17467452414371053872 +2465915698785701190 +5991347875906260827 +15087607024163431325 +12057566343137158089 +3296928269378724535 +6387412631503773230 +7475080111803101071 +3581851302813388047 +30740222110749634 +3478881230198937912 +18008106256778995884 +5812207426459088224 +7146883279137157521 +3458829954448650838 +1580452225838688050 +2374936041605499781 +14383060094054086 +878573172407759501 +18328169852550257844 +6209141871995064664 +6249688395151849654 +6478049101493319717 +17943317531894614296 +2624757560892278523 +14287232994676273248 +8879891212090103272 +12919891954352345651 +933515215180222865 +16873513716505451304 +9870726529513190 +5882723712222452124 +13782056800287026619 +2930117073648439395 +5940179888249719023 +10166171766691992371 +8552319687958474590 +5950730294649429193 +4201030116675960225 +1873618501936023743 +11667100445717180521 +939705269658073240 +5147552749503070492 +11876914045001077562 +14753586224037892477 +4025888122526784843 +11821179236913728135 +1873618458944214139 +3881727131120384254 +13870893533125483307 +33278369735209813 +11303826973212482494 +9145669343139360815 +4657115645993176735 +10131837242266041235 +5257405381052016683 +236453697748 +1235713816549159072 +5878764450569410130 +6264671913379849992 +13819035886896552 +13086907642609295746 +9037837838336599857 +13759961812146328078 +13124256980473288556 +15292781546465607967 +16165083386072685680 +14889789230389603081 +5197393273133271382 +5195701136024563203 +17571002206077261560 +2765528462252333060 +9870724579619814 +12910411188229654067 +9870727083685665 +2713838510145033166 +14347147217487157218 +15291371468750929876 +15126544789913025819 +6671286404421658822 +13726350550523846907 +14364395806088712972 +16474962329897420133 +8181842680775250325 +492722805205379245 +13450515573114622647 +15663892257852040880 +11865746456183650316 +2787671440263032616 +26404778160383749 +15287987246123786766 +4863651628558067051 +11855470331474557209 +11026052076657011458 +16739631691611004482 +2308641272449142379 +17798486060942889832 +8093487961642642919 +9870725110592916 +933515266769380952 +5995296152834555480 +27638058876476474 +18149915482419457100 +1693170535549249299 +16949394141343718932 +492963299 +12642724448455714117 +5993604067316152347 +17790217324792007487 +2677161709691876426 +5631282936789348178 +5226968278523865413 +9870724626009211 +9870725126059423 +5352348805862657010 +103743323483153175 +5909703694071917200 +4318600137717194285 +5998667686485710062 +7560088764967897411 +9870725133792682 +7136672006190289820 +9870724633733205 +1873618510533380726 +3191089256477966812 +15287141235606884488 +6926887935253414042 +689908916968898121 +10028063337020333091 +6384132939295240816 +2012415874 +5301355009923306885 +9870726137738905 +6231189996575467630 +5511666307615173088 +12256322 +10690133606679853673 +456898937282451804 +19989584 +5831598146013367966 +16393361744449118926 +2972474798403511275 +2625039564397883626 +17369559103529756422 +15061665846919767797 +15412641890497600971 +3665614278817033643 +399917131913710813 +829835524886452757 +11866143662182904596 +7088047781553504756 +29894155705407730 +9870724660819040 +1535575835 +1839046036311458864 +10323710994698870536 +10770155859627544609 +4828955760075289804 +539362809 +3255501078082439965 +2043348873 +4625053112113644914 +2531585379680415283 +11558293645137102240 +2864533464314636199 +1413046558836537363 +9870724672418960 +12067395189613270758 +4154626294015092732 +547096099 +11031722156509443746 +9870724676285589 +17198559071664221472 +16294361197781730121 +8006157009142945688 +1214077050265015166 +15293063541372703903 +10595566391331073313 +15287987297712958400 +4253979236606568459 +2801821100446206077 +2252206275958949583 +17163055132003888867 +6926041860250730614 +62522508 +8478393692625507358 +17871042561419600257 +5538416922717151483 +5623674702523474570 +16881311723980130406 +1629148490900913649 +2924009083864430585 +70255772 +14101039392507297 +15690867497329056415 +27638110465635023 +14725557237865990305 +27356059670107594 +447113479610 +2624475540190747573 +2578188220 +12038614413742717929 +1197402941616759961 +11508394745026462542 +5140044900295909142 +5195983139530168996 +2683752149432866185 +2576669006339066356 +16355715749192357360 +4791893803070135746 +9870724714951834 +13679477551202845986 +70272372060533836 +3008657914871621524 +17450775173671448384 +31022225615166084 +12665415616966167035 +3880024017885400934 +16431854262429705004 +18240825841224262688 +9870724722685115 +18220457951349467991 +5825995788685746152 +17083693200934636573 +295416529576544174 +1873618540628561788 +15524263743247823118 +17423767200209003339 +9870724726551772 +9310258592310321208 +10885643415219871341 +105055501 +1836789883594097937 +15615144977144833402 +5887800003173224527 +17624265186421583336 +6476237595699525627 +108922134 +5303047134135413043 +15463390673087044897 +5728764487730474714 +1873618497636737782 +7193701590966469279 +3069899191281862707 +15689807388408882954 +15292499547258034526 +12910129232013914850 +5354604945682228616 +31586271318975276 +1850077800486021306 +829835576475611597 +9487740897869451461 +514614295391065500 +1133620930477296040 +8774372107664186810 +15287141179718456812 +7305705821919474004 +11063795143821696055 +11572584753044660391 +5277294692147017863 +1464040363373258988 +5516892818901442738 +8605926113043622563 +16092233475575730004 +1335101624596783448 +232154404799 +15291089448049389442 +1494902044662903865 +2140014479 +5300810506424882950 +15289397384024952248 +10455832258799277214 +3554388240579365604 +8054758354584014102 +14036340911856224857 +1977664097636934454 +1392309479848110553 +6980701873724326157 +18413391992287461460 +11852154363429939705 +4736709352635188876 +17574115452914131490 +16122823596835413120 +606084411966641295 +3602002399267070945 +13959261993595973998 +15289397319539177167 +10819616670215050146 +3952626688514284387 +14223270091406602543 +15509304393542084269 +6288511205539515484 +163054944 +498702634345 +10372956108256260623 +6843808561223064596 +10161366533214591594 +32150304123478856 +2876336716665927193 +6154199898006445171 +17665894460891927569 +7192855515963785851 +1519546451849530017 +11134401824785326744 +9870724800017663 +9006484411264815021 +11231170305611929721 +14417620468028829004 +455710817253 +2509417099812674010 +12237172509275332086 +878291168902069940 +4454707759729103488 +2400461242866947807 +6766227450202051510 +8838364843547438876 +1518418403436423959 +9179881776659178871 +13522668423781757731 +30740204914804777 +9870724815484169 +15528579576819886043 +3876639846847438746 +17953567922355440079 +7299355400379433802 +2150057907012581692 +12239544579276216338 +16092197751302724315 +8260985405216398775 +9407593762612399734 +9319360668615725594 +14383042898124456 +15292217517959173364 +7007386298569992501 +2624475815336285831 +7429691915925399710 +12319211773115589165 +3428442689044175916 +1665256071440720752 +8912304241117899235 +16451702362173230596 +2624757543696362373 +5645276744311121821 +13513350828982410979 +15292217474967358771 +4097538467887861991 +16896582888638319014 +8110193322947579393 +2213480342 +11130039777759856948 +1873618484740101283 +933797257378343118 +5458848655886519659 +12424056059810437502 +9870728842868535 +2359415913249064824 +642440258133758951 +5354604932785579577 +15292499534361413915 +6368332585585895605 +2625321610894117705 +6449657694314449684 +2979056014524681391 +6526103308831309253 +1359796670367479794 +7086355683137290680 +10935743012918995350 +2625039560098590218 +1873618441748287822 +10754470179494764950 +3466724790784914158 +5998595681496088853 +12834602285347991495 +12864601799299958873 +7587858958072626402 +236520837 +12057002331826555163 +6206453508333192330 +4133714571339323069 +7405633737241555482 +9919647247048991075 +12302836948232064331 +15289397371128335469 +7298509325376750374 +9870726869776137 +15012525532018786848 +587991170931584251 +11439579601193476197 +13819018690967594 +7617894369384798679 +9870725377390085 +9870725381256735 +7247515529437381394 +13232126711630361053 +11190191896847018610 +33560368941526562 +9870725881296455 +12086191970609810594 +2924671999076290692 +830117536989393522 +6155327912028943231 +4098372813060259460 +507299956998 +15274732230144258721 +9870725889029712 +9207277965930683284 +16842894282723975689 +8648103698601817662 +1264386645717171661 +9183456023958280318 +7409103551699377191 +1582324801066249259 +9729444427091284247 +5516046795487905948 +14101035093215815 +63648239916574030 +34124436139296544 +7401639701246654385 +10371546039138927250 +2756486165604344732 +5740436588716955471 +8387635059763999363 +7354015413853029345 +442814171263 +3945625297867718489 +14434787001301874274 +9787880004680691009 +27638084672359834 +282920362 +5245848904251096062 +6621124925339027668 +5521344724254673202 +5114271650928223578 +11719741672025769587 +15267897136105021250 +18412545968873930812 +1786650415036508112 +14258849822134191621 +16042442348054720176 +1693052306968941934 +4536663217425567690 +9162578985868610340 +15291935475760970007 +2473460300997028880 +1410790466305671479 +1308716931166202461 +11785584444493540734 +2360543918673038901 +1873618536329264818 +12634045215106553383 +14318753429552454534 +17324399805683342247 +4035408920763064011 +13040476687605833019 +806159978 +9161450958949454380 +7192009492550255203 +1310066385 +810026609 +9341762833708175024 +1786932431438755519 +924633388858940078 +4645667113710455143 +2009934836734319817 +7141015696610886223 +8052459688593610019 +1317799640 +16221687395840840065 +15289115363323433032 +1939216669978012484 +15293909556187648615 +2325612446 +12588077379430726451 +515902454655312203 +168228931236688705 +15229105002994745 +10246365349637465542 +5356297014005860645 +13671275438566876556 +7353169338850345917 +15586729198849104402 +13121288528131740341 +1334994379287501033 +10011340650318805771 +1652992377389194371 +3345494224882645227 +5992475915723496262 +864091049375971250 +15236920398243178091 +12309820192572778517 +2331071794039255775 +9218653897916231421 +7322075253637915788 +30458248699055082 +6208295861478106434 +2436095436955086691 +8615963981148934859 +7130633574103784699 +17572367682666375953 +8443742313901281382 +6639116847414063525 +1251040684823625012 +15292781494875213105 +34124487728453958 +494403323917 +10735236183147687394 +15716164858010478655 +8981821469823954948 +15293063524176769153 +5833854247140337680 +2624193536685076689 +5046514566388722557 +15522876928134297044 +451411530555 +9370260837314873981 +5662352865975418621 +4648156742090301497 +17305164455170809900 +4677633221616102584 +17426894917853857260 +29048106498594309 +5353476794090724200 +15291935527350136281 +14851060135220744043 +13730298810256203098 +15293345540579014097 +5725098295990964473 +1149886558087294156 +5995296144235959007 +18141240613009368032 +4462642824626204877 +5945568394671970936 +15655911281441920315 +7529998377695251264 +17279716321830442331 +13889766583933359951 +7983693352627148985 +6311975560371918422 +7246669506023850746 +6946528258783666584 +10544854594598021661 +38835486525713703 +28202160467495034 +2879479979997991910 +15309116058145019156 +1733956221011912517 +9715965029733981721 +12344223977079859901 +1894834050909760459 +2624757539397069945 +10671334559102736379 +10492168756132065804 +7379797596766021629 +6101796028651622458 +13688388564074785205 +33278412725751566 +4964620524141965761 +16871821557901520137 +13561711261508395249 +7699639293511154656 +14268731406748904043 +17664709615786149782 +27920045186176320 +6458752725082787462 +18061764950907439980 +2964221686879118758 +1734238237414152607 +9870725055214937 +17596398020674599208 +13521137851733521706 +10863790172048665128 +4922099011032716218 +17718289034605707868 +15291089452347441907 +7582142304298877156 +9008581883226631916 +16084518517580635924 +9870724566774715 +214958475870 +2442648426814389978 +9870724570613938 +15292781546464355633 +6368891619085264892 +11286425114966501884 +4081144042642297890 +3018298531592738568 +13819014391673448 +12074216556992401064 +1736212317840828377 +17490928898013879571 +9870724574486073 +15450587005391541998 +1895398083714232958 +18281048796564304054 +16991694984925308910 +10594427319500606660 +2361672048770511375 +11484370901403579835 +8616321467542671897 +1519546477645420774 +3823394587252239744 +8484110763039333774 +2450713874868422747 +13759084790651886989 +32432337723072574 +5353476845679891370 +10048533331875292118 +13524078527292331011 +3343621948189119279 +5726226331507445721 +1972504441 +7352323315436815269 +32150286927536159 +15288269275424105306 +15950055742641344798 +931541143353501982 +438511029861 +13728324673941083869 +12931665209779500258 +5799336857792309164 +438514889525 +5542674878521169264 +2690034417607140761 +6980983872930644243 +9870726605600502 +828707433481448840 +789016306621181332 +6040763102367518403 +9870725109347722 +14835653469557497889 +27356029577543934 +15290243377344762649 +491718109 +11025111609202511507 +14762938909627149216 +1491797775 +5301072972025847726 +11659535399388778931 +5715261395240313996 +1944417820723599894 +5996988225456246827 +6908465288063237256 +14194830928449711283 +9232147873720376975 +14037531654033141067 +3277816 +12474564753552837893 +1873618532029975812 +17956211300100959057 +15672251876763839146 +7087483757346292194 +15292217500763231986 +7144473 +5944020284604433428 +6151097674585612835 +27920096775320493 +7934098198614847751 +11011122 +10905737396268840327 +1734238289003303764 +1466306005709776179 +29894241687786642 +1873618489038146059 +1735648302232194010 +6879811782694229901 +15292217457771425506 +7150833857266128047 +7758150819716277022 +14646126953278625989 +11835120105125078335 +2700387955009467842 +5246977012853377166 +14880882624768252691 +5566476498435058429 +1709856218598091377 +2625321593698193157 +13879970276934899553 +12428612685635996213 +12285248091340433918 +538117612 +1349355141338382238 +6105318150360735955 +6206603763061895704 +3422020469081202614 +1804226529458282590 +6153353814406350551 +6046302865367253577 +9870724667307141 +6813843502384089854 +41944167 +16756399206176671948 +9078366157069559369 +15479439786599726367 +545850900 +2573543683205056127 +45810809 +14855968419300924964 +5512098552952862938 +14089643702110921694 +8106204001714653075 +14504740908775986553 +11632078233413882615 +1752265183322588675 +32432389312220191 +9231301798717702057 +7086637682343608766 +10927271592001355473 +8926052536804313573 +5461104757013484795 +7316232528953942141 +2202768277804173728 +6700459465055540951 +32432346320428533 +5833854242841062609 +13188782220665628659 +16367593172210445051 +14047179318527421464 +860891621129471740 +72877246 +17011875630065272849 +12334008205326238248 +16854238106389715678 +27356081166682460 +16118290484606479821 +11310518129084808288 +7666312252081785862 +576783943 +2576943035 +32714405714473560 +8344857136586044598 +17522009527301586396 +5075826107042504595 +103743396568909190 +1584596783 +1559288237147314144 +12306053729923981244 +425618269810 +7973733311103651715 +11266915032714841381 +15291935523050828808 +4560073991146462524 +1854737581648122501 +2820562770972775791 +1894834111096254185 +2994969191263072952 +11391362031143292868 +8779011389703464547 +9870724717573297 +17787173786700891536 +92210388 +15474006399145701227 +7978466852158784181 +1099656237843508478 +9142309226578518163 +258168278732916639 +1569830315893923795 +5679036729566693742 +9870724725306577 +14423493287242705679 +27638024484621587 +103810303 +15291935458565046704 +12749642744079140296 +16097636049106512371 +15290525423842192454 +14559118948839155452 +9386257309953100378 +4094363937787234418 +12337048699809911800 +5838366535377967596 +3675469967329161038 +5249797112394287359 +18412827968080248898 +2625039594491812043 +31586271317747122 +6980137849517113595 +28202091682427662 +1873618476141514351 +6103488045384950482 +5123966563938617587 +7078617526390248953 +16089088430329106996 +10667292758003117172 +17986050518452754583 +1652810939277511173 +11226550812567014962 +17542466454213576008 +8762066054130180485 +2474797953316293567 +2857298615696366876 +7192291491756573289 +15291089448048139952 +17872958533288026216 +3189961225259474412 +17759993951221608526 +210659182865 +5922965043981996378 +30176172109080981 +17859691850682798065 +5467243183464065003 +7141297695817204309 +5895235296822633132 +2207492698791414515 +6261263712049718344 +13819010092377672 +5991347944692735816 +5565348488711792064 +154076468 +17211249521736486628 +11131448449823092959 +6471725260172232751 +9113587964965435465 +15287987284815069000 +17714387943175770698 +1839045958927788564 +3019470435717959303 +6098975804437177155 +161809747 +2465915724580334207 +5514354692772414564 +3750722974927104593 +7604467390465458506 +30458188511330903 +7221367551042334649 +14951499805157828373 +5888796242624391644 +9286174887626690209 +6313103634580922061 +669582942 +7247797580232852260 +6979291774514430167 +109394696450435819 +5299098887299863862 +11812496720744823126 +4902017359603971852 +3459957934078107585 +2125501255296174806 +15801863620037341370 +15945141101920203411 +14707193670476121784 +2092381607087192047 +15472423880903045333 +15595660770879564469 +9442023925637995351 +14261951985367190598 +891093980794018443 +1232886696290118948 +5995296127040037226 +15293345523383079392 +274650075244209350 +27638033081969105 +17701533366717403242 +7085791658930078118 +6151097713278144283 +11945415094352875577 +1413892608044715986 +5942328186188204314 +14657154954176573724 +8290313614069079088 +1873618527730682522 +5687300831469712579 +5142018967824718784 +7034797862990709138 +1733956203815979279 +882667241112695255 +11397440162344026293 +16134779739252154045 +7717191090463384325 +1712195401 +15287141209812378861 +9870724845171992 +11168985090525897274 +3341216939837384542 +10069199474594232517 +1464040393467187519 +1873618463244889855 +10986956829741957503 +15291089499637309900 +9716360990393457418 +7246951505230168832 +12498251711624253288 +5887757391910480661 +4972010266952473681 +17329280681847629018 +5354604911290374028 +16904086759706422553 +12826485628248399800 +3529735398834324639 +15290807375757460524 +6893126722435427391 +15291089478143340572 +2625321589398900026 +15528338683745415999 +16736394471391371587 +1413046597527819913 +10375505322288568778 +5245789596497154025 +16644853988270629041 +2073238781901421863 +5698698140605239993 +9870726364624590 +9242938543921773221 +1996539682273447487 +17461812064821201162 +9870725368411602 +8389357128633363440 +9870725872318013 +16849904662683135252 +7820815413033635963 +11434534163980961390 +15289397349633104804 +9870725376144889 +4797028137500755574 +1466296481697586908 +9870725380011542 +9435254525858226963 +6976151595822696769 +1839045967525140675 +5247593352907983549 +17792598838709987800 +9204802053286079351 +16275197394076902239 +485804755328 +14959692054351321604 +4982278684596389601 +2117937786109642800 +6242575477995421183 +3401748230520915018 +270075293 +1521238502976079497 +17362157216814941663 +15290243424634625930 +17561285692512691426 +14084953958763292689 +13022269349903430354 +2152780467316002119 +6470597250448957923 +1873618248285832923 +421318969579 +11995964232607543157 +11225812687234944817 +7140451672403673661 +285541810 +12482638774053915635 +9101505676301396865 +18114324094698606880 +15468982935875297884 +10838626363614649506 +14425661002709010691 +32714336929385102 +6366071455058495494 +14665080795768924 +100077118846932378 +7352605314643133355 +596258693554519217 +8206203200242409449 +16096830904991032892 +472638067631000521 +5706434729109436898 +17538313257810275452 +85629353100796502 +11823326492944717030 +1873618514834033446 +12477914391756487147 +15312729249366948643 +6814198485741605520 +17302344291142867131 +9679119274662437943 +6196571971008288490 +816514724 +4256306398286140509 +1873618471842225301 +14268731398150296806 +883931475460253059 +8389902452401773197 +2625039590192520012 +12485701483292660037 +15290525376551067039 +16847032589680319684 +5938217001568447763 +3744441722886367689 +4134785464241572551 +1412764525237134704 +1166485804266627067 +8790289859117399901 +17415379285319951917 +7397691506001466876 +12754891687179066344 +1660929119291724675 +1736212352234058130 +15289115277342422942 +5512098578748741127 +206359894057 +12676331488113080437 +5565348527404295833 +11393575257692859842 +5354604855401919940 +17627766198566468468 +5246976952665638906 +14964329801460703780 +17228618169633164287 +7401639795826370903 +1893705980998731770 +9870725972850287 +2573543666009115561 +11347748985235132806 +6045857651847229751 +4759617222937168423 +15293063567167344022 +6379095519559183492 +8787523006906259040 +5885261881343424566 +17946137657229000160 +15855427852318034545 +7534510998261995807 +8758866611300162556 +12495122962811273568 +14101065187158592 +3417860786310091729 +7126669240441462380 +5290618853138060221 +7246105481816638184 +15288269309817349847 +10973761725452068254 +1890603817765653188 +6811649306842328733 +472908128658 +15287987259021805854 +16874641756321431568 +11761069964220255806 +14107087915135405575 +12018998408246796123 +2278900652359826597 +16213479450562941190 +330734248165912976 +5569296709751606107 +6361518319333476699 +16860280519949439780 +11340219348171432044 +3205194910044020067 +5996988259849478461 +8471050277131805471 +14232129873619152030 +5461909885649686802 +11973438391925229095 +6106446224568557671 +5779476207078611853 +16595492902878933280 +2061656954403241824 +15286031891551824515 +9939529031510677020 +2669883121337375887 +4472979847181972679 +6318825272108541567 +5527589281160644719 +15292217492164646958 +1873618523431390398 +1732546186287793472 +16075433655998600 +15291935441369124232 +6760908700021509907 +5884415806340734608 +2786543318764299002 +814173546822711631 +2792885553806660007 +31304246318085131 +9538952392392065481 +7245259406813954756 +7235144330384651008 +14328734114439776921 +11317855090737897838 +666275479867510247 +2889597432645572537 +7374139833057107726 +3284721633267422029 +1873618458945591929 +2766571059291958499 +987047180239391267 +28202074486476782 +2209547651894698853 +17515158695334393121 +2625321585099608641 +17092164746525943420 +15294191602683825132 +3572810933135300946 +1149335053458620339 +858842159115357342 +13049217287768076968 +9870724565529522 +8343160331044937787 +11326450378254266262 +9870724569369025 +8738473378077812491 +1996547999138325151 +17785259857426331799 +28484090888740603 +6980419848723431681 +2603940956036555177 +18413109967286566984 +3445610551068333388 +13356775724777611130 +2300411992884265446 +13153439128651917870 +5672976374252114900 +12860589340109840726 +7462267818243927454 +8816997369364548705 +9944700249761144532 +39608547845366551 +1522648576391462286 +15946107495806999188 +15087567025575846897 +28766150282774485 +5459935835318194707 +30740295195242249 +10161084508213693412 +13871671035276979150 +4844858397045640927 +12984363592243504220 +28766107290967280 +6640705649441402749 +4081176587746819218 +1752579563187358542 +7404505641536090231 +6877319166685483008 +5299098870103938457 +5651329605159949724 +3056459253786565433 +9870724608062474 +9870726108182164 +16280933446315284463 +1873618243986541593 +5832726185829359483 +6478233478710767874 +9870725111969176 +417019667946 +5302200977449761452 +6427815650386462648 +15326505426505638475 +34406418148520514 +15292217543753806739 +12864153007022948067 +3524535802145097729 +8043267345977000953 +9657336766457398145 +10282481182444173694 +171951370383017781 +2624757569490993099 +1759667877374684313 +12354587136294741989 +13785750462992773624 +7513570824695916474 +3611730387908645033 +16478367629248707297 +2521421795860690230 +1444869123744602828 +1038041006273946663 +14193702923027171508 +15291935449966463714 +9870724635128892 +12279042692635978030 +4508571147808351612 +5237921233376408092 +15287141235608262161 +2312934349658805482 +2521520202677368423 +15288833278134851439 +6365225483234117809 +2625039585893227780 +1873618467542931168 +15287141192616471987 +8211561456005114165 +7086073658136396204 +13832941318105216649 +2231273845409340981 +5778348175861371439 +6474898267999972686 +9475221718899890327 +12075320830535818985 +9870724654462032 +9941138681622841457 +3052033735649816500 +12353164505103212873 +10808445661528282103 +10162212535131642859 +1684594469535164594 +8759785668822382479 +11617490488535422280 +16053975465678550429 +9870724662195317 +14820511377841526842 +2272905061487348557 +11957793163459912868 +15294191589787184118 +6384455843947358516 +9182575157417754064 +14242239340761868873 +6364097413323166429 +544605700 +13944990587222231306 +1197790774859344318 +12318365723907537132 +48432257 +548472359 +17088205536462053108 +12904477846150130700 +1892295941976580685 +10375505262100812940 +17177069327928412346 +30458222904546691 +16008494395543149840 +14567707826358409809 +3235754288507214183 +15287705195328455967 +5353476875773829300 +6062336577242804713 +3655854534109178565 +5301293456086542731 +3641178483243895977 +460175421415637962 +14101060887864224 +7921261106565894271 +34124461933947079 +27356081165453907 +468608817139 +71632048 +11184417800625870612 +11041534506523258934 +2624475561686101966 +27638110467003237 +8565090366461657835 +9870725200901572 +11366435697098968749 +18287350848540465235 +11111966300070241046 +11359026223535905327 +4106370589627000964 +16208689444235859017 +15287987211730703207 +425617008907 +5995296161433274847 +15992457721395308820 +5229764572094663268 +13513612221106364100 +14580442361856795699 +5280077592109786014 +18328169869746326762 +18412263943873036336 +6979573825309901033 +332708388779069611 +10194769012791333899 +90965194 +17499978031167062760 +5640826309532259344 +2524806027085154404 +4451323549999958244 +7036226056541180483 +14184058584951496394 +9870724716328099 +14813064176842656648 +2430137667171539952 +11914033385203066401 +957876187625241465 +9870724724061380 +98698475 +5671848300043055139 +17168749270732066398 +1589413738607241450 +9887461037680036721 +32714319733476878 +14665063599860607 +15290243342952898385 +7572519555016300986 +8025114494734850949 +1873618519132083412 +29612147901883683 +5304739198157338018 +5251489249501790730 +7140733671609991747 +15102633365988183566 +1773948653497178099 +2531400574590274774 +189362329485271519 +6156738067127431218 +5778348184458693257 +5675796525382196079 +9870726751287040 +5619444426388998897 +14947080002100147 +1873618454646297584 +15292499504267606902 +7352887313849451441 +1840738130428580014 +1517290312030181118 +1990332636357069920 +8877665288439154197 +17427971148849834999 +10375505313689989643 +17415379268124031727 +18411417868870352908 +10370888492408598939 +15292781563661658848 +6012130086348592455 +1466296516090809800 +829835490493353990 +9206049446989406216 +5242386906302790144 +1645217598 +9960543895307947288 +12210604017650118327 +1649084226 +5476138965309071257 +7509407467459276968 +5246976935469729295 +152831271 +6927733954367848625 +17012295529387284218 +16938953305224076172 +17079203553796643865 +2676597651091633656 +788505299329820367 +6924604854981828216 +2956623890106505594 +9573472878263029863 +15154021028157939886 +2784507613221973587 +9125677675348652952 +9612968043659291466 +7571980732899141676 +30740290895950490 +17836201875985084227 +5618598394378149798 +9870724793660663 +1729888224461087660 +826733327260271533 +13614115152358567967 +4644563108626631860 +31022298699685283 +12984915175632349769 +2528765232849774542 +10909696653621337881 +9838723920135090334 +7034233838783496576 +17600054209644940996 +13940478354871817979 +2120969840294698277 +17389050617099280902 +11115547993979558979 +11490321501587393606 +17960694635470200779 +634354464864934905 +5268548016692269216 +1873618239687248757 +1744698334901447597 +17938512212434969989 +9870726809286406 +6195844719251704028 +7409863940290584732 +15288269249629614626 +7063168837434757206 +7609869710022485343 +3598538847361701372 +1778742962436323665 +1042835259324655526 +14383064393476981 +7246387481022956270 +15812659156985665386 +6154199812024190128 +6995794499111752118 +5570988786672605661 +7601906463523227804 +2624757565191704893 +15290243351550253842 +371494508100541543 +1571386258306001653 +6204347640438466222 +6134861704878050902 +11247389295286557642 +1597536180772867559 +4211148736 +10266892308934193038 +1873618506235449771 +27920070980812896 +6100103895843562732 +15292499555856751364 +2525663005130906820 +13556553195569833982 +31304250616125272 +15665247498475619813 +14735012445162909253 +6862797640822044165 +12315980817073584449 +2251878150159347001 +322394392196172167 +1575334505139088189 +15287141188317174206 +1873618463243636886 +3042837083625583354 +5831598120217617780 +12050419095235862496 +5893869020148209375 +85348920764998737 +4350138122305689139 +5574057256786147168 +6155045917122044124 +14979133050723903824 +7878068928958516913 +7033387763780813148 +15291089478142094560 +240753121622 +15292499491370963418 +2454407151718767696 +9870724859393349 +12663073838025023572 +2940293779302127299 +17461812086317785375 +1329912745018483082 +5780604324278252199 +15574411472783241494 +13819040186320582 +5910722419484012893 +932669187468773967 +5512098570150166824 +4580983970120684227 +9193446454560895713 +16263230647358740402 +9549391339858113880 +10647665750038631455 +16850361761879758815 +763921374562563822 +12500215995776187682 +7958545865408519721 +14016191709940903693 +7403331881344705248 +5623392638831498832 +15292781507773218716 +9870725382633000 +16895966821381253084 +32432363517723351 +8618954206934994121 +11704293171416551159 +2842331449438711079 +14101056588559804 +10046052043019407672 +13411799180233562697 +6570315963541228504 +15234578649091755770 +7352041290435920793 +1812372989648453878 +2834824896675911520 +18406306752988607003 +15288269301218746919 +3919367422828027262 +1646408675199704158 +7396235467053295956 +2068681175348632862 +7451468154385610910 +6098975770045321493 +2616099190761919966 +7003516464553397827 +8247724729662717470 +14396270988023964891 +9091855447660378019 +1786642115367688572 +5570988838261772069 +1177436725893355973 +9900655957280045533 +7755952950315992612 +7301047494496551813 +15290243403139410142 +5299098852908025908 +11303263004895090449 +862062044061248054 +5725098287391126389 +5215705044857741538 +10158546386383947418 +2528053666090405918 +1268434292447138862 +8985097601317026970 +3932922014897081873 +6770804071406897959 +882239424333887569 +17255487642565169948 +6022138487475217635 +2676033356038146286 +12433992920687982907 +18213474575805144868 +9678732647555539443 +11116958009328487031 +14665059300565253 +1873618514832798289 +7139041573193777671 +15287141239906325369 +3274656301082041437 +13050400918396093469 +6156456003434056276 +1997676051852188034 +12202104656845224509 +17284393169295325536 +5831598171806770775 +525102955160282867 +811402876 +13223925594885344547 +5344573059049000655 +18197008871679081141 +148437482586656385 +1815349093 +2026931258905421901 +5197111291121790623 +5461950793325030374 +33278382628103933 +1788936369720669986 +6153071780806930421 +2935217514147240819 +4211410882021367479 +1732546113203422399 +15287141175420537703 +7241607911958396677 +2625039568697304779 +1991460658976924124 +1413046627621754168 +1873618450347021714 +9451389795433145006 +14549447925366219408 +12823383486510756458 +7300201419493868385 +12461042340477995674 +1334642405 +15291089465245448460 +1573642406724063624 +6101795934072038528 +4712201260475827863 +5909364179964070870 +8910270495612610069 +28484125281972583 +10363781489462487194 +1075386992618250603 +14594451561142500361 +14426789115609368795 +15289115277341179622 +12548813974946268741 +311384720475768637 +4242482915514854606 +11918973787416958851 +17952462371364277838 +15530925085275077983 +7722831397021554453 +13623094662526816431 +12346762094610499966 +8579829263013853000 +13762033578708900727 +16778196032097769531 +9353507151806868026 +16874641799311992001 +7032232753418799986 +1691470668188045402 +29048192479739551 +14071726079227083142 +10399694839059584342 +5514354709969718042 +15756227035312516048 +14506997065792843184 +11587671796682473405 +16860152654782291469 +32432350621091638 +3598785155088851613 +1093546991570669828 +9407029712610683446 +12928040195430043376 +14957326798095998295 +1523025257700082254 +1222848853591549727 +1890603796270432707 +2624475544490176128 +220421203678071266 +3344902947084985277 +7646567114842646426 +30740222110862041 +931373894990323435 +11015150991840857405 +15290243390242757638 +8631928107028402725 +14383060094184610 +5456229983590048114 +8270789183731736608 +5697191359858611896 +3068049055497457962 +8243595443602666455 +6097847760322044081 +627510695322860368 +17391487012823308648 +9870726025737848 +14701924893678792844 +16373296403455220005 +2624757560892416160 +11239731202191799470 +9386257335747744094 +1773948700787039172 +5352348797265459821 +15290807457440547210 +6978558302127657853 +6046853964382680034 +1873618501936159937 +28202117477054511 +5127215760155099457 +13560019145894997601 +1446716679021544035 +1785796091954146032 +2130819859438201523 +9970931136116773941 +67325673392465857 +1873618458944348554 +1170593922858360044 +15290807392954750099 +1399021262405058418 +7248943748782494952 +16922913474155528906 +2485278019430737689 +5357989065131175691 +13710077672074467901 +4783114155788935810 +1839046049208211336 +236453828610 +5972865477549437977 +8703842252661804783 +8566292374548012343 +1490657475637829693 +2147544240122112902 +10284111848541070551 +4500631810714048463 +1573132458448416737 +13819035887027735 +5947788564576686003 +13514226555637166707 +4844422007895958079 +17174064760732601037 +10518075094313558067 +7937011839436931380 +103179363763096537 +15292781503473930801 +13310078522289493878 +1012105306262626628 +12912385333142249265 +15291371468751062430 +251835139282261142 +16108156291045551289 +16699857309624907392 +942630908539258060 +7271679108734001647 +5726226353002797290 +31022324495576351 +4813834798409870731 +4123042238911429527 +2623629766128179178 +7931231880446353972 +7560543476512403623 +4282228004784846714 +4469799173763959744 +17618730671757286451 +11288259060278173866 +15882855708139790643 +15291371425759260084 +16880857144897332308 +9870725102990705 +7094707802169238644 +1945545869138093987 +2008078727273649770 +1201738991599901560 +14117387478315321332 +1870891592944916094 +13520119278536112874 +9870726106936978 +5458525736108306277 +5299098848608718161 +14258849839330236135 +3956156455528651599 +2840320970871167964 +6169020295152280790 +5302200977448514929 +17416014895911416360 +11910071071167368658 +880547325917675901 +16804082559294726339 +661063542008268189 +15748598726515506392 +493094373 +2880374771936352485 +17661680509823577300 +10508045930744260426 +3008657884776565129 +9870725126190497 +2676033351738853784 +5560110984102091227 +9870724626150438 +5704579467834502367 +18155411078871985246 +7034515837989814662 +5665932420161028925 +31586327207571982 +3055331162380385294 +9870724633877877 +4745234755522215943 +16465137950992454481 +9870725133923756 +8818864638845061266 +6783922856078625185 +12387396 +6013924586872912939 +5463642874544130489 +29612139303277223 +1873618489039543602 +16254028 +15290525393748375719 +5992475997405322041 +2689242209864936909 +13521137881826220357 +5511666264623508200 +12884708026702236548 +1873618446047732662 +2625039564398013560 +10756611444464046663 +9870724653216838 +12046987579149665119 +6594097420567776979 +6527795407247642752 +1535706908 +12644080653953537224 +12754891704376386623 +9870724660950114 +15287423178924958528 +15269831728623802141 +5638800197448385328 +14825005661988024426 +6045857690538494822 +10669233925293497603 +15289397375427752122 +16755866031951057224 +9870726168802982 +15092941910517687522 +12861554725722085221 +11587962219910351911 +1197790774858099525 +47187070 +1241710799806741014 +5250643208892326002 +18411699919665823774 +30458222903318393 +16014863264193848163 +6616724738934186906 +14527608124574942750 +2520234166831694255 +5197393238738929797 +14220804979016014522 +13449826880135711207 +15544102942134399367 +62653582 +5517738936896065804 +2376064107217304636 +70386846 +10644085317650823478 +2686936121665676716 +14101039392643841 +15286820861249874481 +15289961399633729280 +2686125779534499609 +32432303329987080 +29048123694647379 +16874641730526913199 +7454507809487085125 +5832726215923284885 +2624475540190883951 +11127907887198400725 +7140169647402779185 +4970491751558114798 +1258091056198585822 +18279521768686566429 +13679477551202987665 +32714362724050857 +6902531945983732363 +17494852654111017359 +5168067017089116414 +12902749409780724524 +1945545813249640676 +17504242440572117995 +7834037490036073146 +2222529875682160263 +17619294726058415389 +14383055794878338 +13131763575890403906 +2996806038868079911 +5996988234054978079 +2181241488241930350 +9870724722816189 +7971624072491713858 +32714319732233340 +15290525445337534120 +9497099967956270678 +8757529537601624688 +29330140096908442 +105186575 +15373149465900166049 +5511666316212636459 +13355672496972055929 +16367545837494289468 +18285594085833135006 +18067928165930848164 +5416037699767721066 +12621564515514063074 +6844258633305442260 +18314527054315530169 +5635231170725949836 +4787251587800829699 +17697692971886146234 +6927169930160636063 +13815527001955700759 +6103488045386319694 +5461950776129099152 +10967349376607587931 +9956242218935389242 +5602580852767788374 +13167492210845183707 +2103571860712263906 +9870724757615839 +12235826804110991901 +232154535983 +9870726261601970 +1335101624596909800 +7139323572400095757 +18005850164248268469 +9088103565209904396 +11180753484911428983 +15576486110068356902 +10835476287324503419 +6206453478238147471 +8035430061115069052 +5849162576298137458 +2481036810160455555 +13819031587733648 +4519726896874480933 +13151687854617135404 +15292781542166447859 +1647839041 +17624664052529516011 +7447272838844916582 +5103722365903780656 +17336458496534127373 +15287705225422383007 +151586081 +15942884970699377526 +1256117005867095050 +336639206864406221 +12056017070647621503 +8484110780235401832 +7245823456815743708 +6370865789792314096 +430868391431705759 +18211693166464163253 +27356111259382914 +498702769346 +5833854251439771873 +1519546451849647566 +28766124488289056 +15289679327343034947 +2146416217502215065 +8663192652061289232 +32714414313179136 +17154120132161662338 +9870724800148737 +4228046406490596809 +5245848917147858460 +7010582259828800477 +5548133654234816353 +7121956618369833874 +13494546388563811757 +5517738881007642546 +5887104135609519867 +5299098844309427555 +8461370667472475958 +3973094888297738224 +2902523930611492062 +32714349827406665 +5863606022259491307 +1446788837522109353 +3205194871352864387 +1998795749008552062 +13491868288391598042 +7032823739573600586 +5022064819923859747 +5885976160280709351 +6209141854799280618 +13069142238259539043 +5251489279595718423 +2624757543696494082 +9654763124270243826 +14729052460444574540 +16481969114827859537 +1378362890422532141 +10811950326901199219 +8697110475982377000 +15831401131450125565 +10808848155069607214 +9667146378956269785 +7504185030266870463 +5619444456482949061 +2363524001746985990 +15292499534361546661 +2467175488938056538 +8108333368108268703 +9456758062656539676 +5303047099741061931 +285938493736357021 +12578234003375210501 +7193983585873691300 +8985794395457013981 +2625321610894248745 +14880882641964324821 +2625039560098719346 +1873618441748427470 +18276979644936030894 +14581006403261258959 +5783988525410167736 +9390205616975262860 +2250769230759076393 +13678484518713822204 +1414738713140088332 +11688076868545372528 +5537648138550140207 +5303047035255269474 +6545717972540525695 +4742860620108744511 +3311536089200934913 +11839255158488264336 +1144540821903267575 +7300483470289339251 +5248951110476109951 +11253445050136948427 +8406163815338370831 +2785415261752543366 +17776290961586271784 +6853599500602329147 +9870725377521159 +10578330811880646245 +9870725381387808 +6718250187864420391 +13226684591937105650 +255985042 +1519795087594118663 +11644549546703853502 +6476972182067942510 +15288269301217499898 +4267231879396668922 +7033448275620071813 +6839491151715508844 +5755891984757702735 +4249311151962281562 +10529039710895551332 +14101035093347583 +5565348432824719828 +18290600291679871830 +13060229400137130689 +9236164609748775414 +1256398957782385828 +15291371408563319448 +5245848904251240253 +7238085209787035812 +14268449424737376181 +1252732727351519754 +2528765198457901974 +10213320350798193085 +6366353527349384294 +12057566291546886743 +15288269236731718404 +5995296135638766267 +1329150524168695161 +9054951104626435667 +11228068150976327729 +9148988306963108899 +15288833346921327358 +2146416140119791912 +17941625429179250541 +5408700909154032540 +3493443078837190313 +31586331505608088 +10891020485448651932 +7299637395286655823 +15582192398883047243 +6474545497283430611 +5459976691403131894 +806291052 +11851052968763477256 +3427679821694721402 +8682551762103374091 +11251542888998525797 +16005333608888816888 +810157682 +1785514075551844960 +11508077306068621465 +5778348201656008106 +5492707824801366752 +5831598150311549559 +7398819554415960264 +821757642 +10329634847901966016 +7533479715470988726 +15287423226214838122 +15293909556187765646 +6360390270919060411 +5303047086844417564 +15958527223745617971 +5357989099524401546 +10165268275579085052 +7990307563599967477 +1147642972239709196 +5391068105015963369 +3743762997122316259 +227855239873 +2878633960883893980 +15291089443750237905 +3523407702141513290 +9870725970359914 +15281207295722273932 +7935271783416150110 +13487370603128647853 +30458248699193327 +8424279191236987065 +5477831076623296242 +4955573327226348689 +3475071577772609544 +14104912965778159292 +7761581441878608639 +12258209558853783127 +14941153557571192273 +14462452390860897511 +11242798885672083056 +2157660074536874454 +18063913043561551657 +7193137562460160652 +494403458418 +6415250479732515736 +13078006574768988212 +16395493137680185781 +8758912533449496720 +9870726993639189 +17345010118786555640 +30740265101438944 +12484965687538560131 +9839046461843529360 +451411649229 +7348007916474030131 +5406444734942685030 +14738481361679706757 +16222815465750731117 +5725098317485071494 +1956288376179936190 +878573215398456356 +985919067339188147 +3437045076364957294 +9379282676664377863 +1945545860539503773 +12931665201182294344 +5569296709752983607 +16376396894565974912 +10585885967639451492 +13944144538014196986 +11344414726101219814 +17368417748487327005 +7354297408760251366 +18324503622118304969 +1413892625240773330 +6928298004369637577 +8484674778648102089 +12021254591056846665 +16588826745223592376 +8321120651213354647 +8103087469667507478 +8285653427958856490 +230274105911103060 +8340515885408199065 +5701610621477129120 +5672853414445929765 +11706805043137558025 +29330122900969373 +9870726036092538 +9966383549812714041 +16579436683666002520 +6206321759556423805 +11175145852358514657 +1734238280406099069 +6020728396862655021 +1418462980 +6666914512528829733 +5969680716718154848 +1682680374277138234 +9947990315894794901 +7202350821053523623 +4904404316019509656 +4547181581492693672 +2625321606594956366 +15291089495339395601 +13745677960379192045 +29894190098753039 +14427656477939221396 +17362817165257939572 +8699084625194063580 +5323352204763932004 +4517143220465781445 +14472667508302298649 +30176197902492539 +1779589041739677706 +1518050107044554732 +1701463016462248659 +15291089452347577351 +651404368114879914 +11565678536647857984 +14311414805250851761 +5565348536003031419 +4123042324893806481 +7298791371873125175 +9870724566905789 +1302200594041499439 +11703729099918230020 +9870724570745644 +10574355727626678343 +17496113460347754496 +1158209155089723534 +6927451929366954149 +9870724574620109 +13819014391804579 +17792510766490468922 +9226507597256276806 +6579627558481909550 +14930532519163210904 +18270887714484414595 +1974151389111793466 +14301995912913178320 +1915314009235721647 +503000813992 +9676581144234038631 +1406696323580916006 +15456419287057442640 +11456836916282683119 +32432337723206060 +1851484117265835185 +13193786366007583276 +7033951813782602100 +11381506371093665520 +15289679310147118267 +14101030794054435 +32150286927669554 +14239554260952112428 +7291036772040202531 +10924362274963207255 +9870725101745515 +12271130050193527965 +12931665209779622127 +10167299845199169800 +16949394184334438111 +2149273943170765685 +13193833999799114297 +9870724605572098 +2624475531592294083 +9870725109478796 +159826357104561829 +1998795796298421668 +8976976526060174691 +9297801894190782102 +1041143148010551734 +6113028127645117766 +14264208142382805505 +9870724624890128 +949993974453257207 +5857541263545233265 +12641894410681986916 +12163139241182507605 +3408890 +8972984118757567052 +18202071738965568319 +11057351737720194627 +7200745020877123675 +6051786206797047496 +17875217632177436838 +8259178616901490415 +2861650900444587468 +7275547 +1836789874995648043 +11142196 +29894241687908086 +7406761759860330817 +3183268292350587998 +15292217457771553367 +10666446631412568621 +825887278052231409 +11889784335340611231 +1251886712535347870 +27920053783652357 +7196582198047545610 +9168364367443083399 +7935180019804499485 +9784232549897226736 +5674104474255774752 +9413007508879127416 +6103488036787744956 +12620665301150285403 +5327730873329919596 +5831598124518279236 +7033105738779918672 +12273023305233473743 +14225672646178530948 +11986541553781252160 +11753054607738028032 +3905480084311657830 +1413046601827240468 +16857200238495480844 +15289115294538471166 +15292499474173804060 +538248686 +9870724667438215 +42075241 +7837641043528020886 +15289397375426501054 +6364097413324553561 +5356296966714905354 +5884848008688052687 +7139605623195566623 +5780770817302008483 +1467988623105729949 +7872291577486781617 +12607757948000032844 +15293063541371577163 +10906513561824595527 +15273884660262767788 +2789363555875491317 +9714916684781063784 +11200974433965008434 +3240294201273225923 +16520632460564123694 +12859808742850832578 +5123125151186168934 +806894235232915758 +8793606454115246678 +5512512369720108134 +5860516583380235156 +9125974856828079818 +4651906966372099828 +10708867523106718763 +7373655750280030028 +16979823887004676702 +3713477366780281037 +490104189556 +2543805385922513026 +16073122410785425706 +8207049193560888761 +1945545899232028103 +12916838897079444020 +15230075394122596546 +573048387 +73008320 +9085283401181979312 +5701497137720419570 +447112352940 +7300765469495657337 +1576994605 +3822589237543248406 +17874833014726222154 +5779476267266480490 +12271685324778657742 +14479306195012236340 +10640060419764855299 +14264208193971972856 +5196265168830600629 +1122939678162435512 +10628792761042474696 +29330183087483845 +1042835272222657906 +6926605905953423501 +6205475680255622079 +235077704707302885 +9870724717704371 +11073003220413792890 +5342057710557283714 +6099821922431809119 +6868254539065794955 +6604811737535037220 +13787094270562147924 +10911952827834046385 +27638024484756463 +7032320240103528093 +18022289542760842908 +9870724725437651 +15291935458565189538 +13518427137128012390 +8779602290022963746 +103941377 +1378952147494256837 +7138759548192883195 +8453377129057750322 +5251489270997129474 +27920105372807065 +1607927611 +31586314309668537 +6387551633764997385 +15292217466368900518 +6103488088376872080 +14388630039427630780 +16578628686914275337 +12685785363931942476 +7087765752253514215 +6068037335015567296 +1091290920536393179 +17360925867609167160 +5248105048369990605 +9437519285693006500 +5111126076477356806 +2625039594491942934 +1873618476141660243 +28202091682540866 +16936549352757608699 +447360420122266723 +5461950776127855231 +27920040887004399 +10547011290217068414 +1785514015364097496 +28484151076595237 +15915403598725077786 +998316150366084651 +16410037266265216479 +9732264573922189530 +13728164708409753097 +5407290749757648113 +7194265636669162166 +17463424374412552604 +15693612750414038365 +18182996233199172076 +6925759830950740073 +15228101343791105904 +210659314075 +13847260430771234303 +4820981883914315330 +13998401902284713607 +4168960405349487697 +17508019195330237549 +13819010092507690 +15287705225421135187 +5835546358454763944 +5060600839239193810 +13569930533485567436 +8677926849941695909 +32150347114158423 +13016629051942656592 +6206603707173573591 +5305637558914849093 +17122305285394414273 +498701512353 +161940821 +599078861880638297 +16179206301763909762 +1811826159652466407 +7032259715366388024 +9870724791170291 +10277476906080547265 +15913750286224278390 +30458188511463797 +3675285199721413678 +12623424624422494382 +15454994402857262944 +11613165301442873460 +477207550484 +15291371442956551896 +15688212475568267748 +6678552048861397690 +12651296915322449066 +1730290029272518946 +15763960878931337116 +11313741854588163039 +828707450676266798 +1873618261182598529 +4052462105812281594 +10754349667962737046 +931541139054350601 +6981265919427019044 +434215738785 +872370568738387505 +18106614720225303913 +17256118128899604675 +3026644748647349826 +14268291611706527119 +7193419561666478738 +10576074758042313726 +14295407460658529975 +195728855029989490 +15859000273728777976 +1251604691833799594 +17225894676196580599 +8386818981009058570 +10652362076083996328 +7758478083289189433 +8856014234050824497 +17621843811119142941 +28202143271706702 +1733956203816118221 +6488020650427633308 +5235456286719439000 +5885825845363041485 +16744055248286982598 +5426895214129139320 +14666204015190089396 +10215782083327823913 +830963590497005367 +10389511585066853910 +1788898246588573530 +1783548243204982343 +11745203609402429083 +6194279471740573196 +201405393344685157 +9836098812192575328 +9870728841754418 +17937064730768978489 +9870724845303066 +5944302339699319209 +193555791363511385 +9870724849169714 +5995385294646888553 +684134283687105543 +9520658007113346357 +9560283092819269550 +2715060458215928188 +5330701959385781285 +1331604903622546151 +5303047078245828832 +13042703118959719715 +501165545441399797 +9391897680998441166 +16089517929515996807 +15287423196122256941 +2625321589399031718 +1517290320628892149 +15218444595734520602 +5722409910831360014 +7893636167883368559 +15287705277010306020 +8314921679875878917 +2483651899439525132 +3205275690303573601 +15294191606983246608 +1413046597527942599 +13331692090551242271 +4904492277816652013 +11017766478910539575 +1996539682273582826 +2635977056725856995 +9578899180366163269 +9870725872449086 +12632736833808781688 +7767605443550715399 +18035221455120189901 +13370939011252235061 +205241209771483925 +1357371525692475116 +9396420953962007824 +6078575874687443797 +16108320817807690970 +15287705212524520216 +9870725380142615 +15291371494545698735 +5207941461657457765 +7086919728839983567 +9082058240847142778 +17173019005713125829 +16875143922971971559 +14471968401315098924 +17300641246693115838 +11203378729712569805 +7596890219191742466 +4442408875329874626 +17900665953303356120 +7395266559825293831 +8075772944734760876 +830117515494321691 +17757265882196420245 +1766459227 +2845029503211149274 +2040219294663912041 +6879842073353196592 +5245848947241803434 +2575517759332552583 +1379700696478259147 +7299073371079443261 +13397929319343812812 +8239983520268841759 +15288269279722296198 +8761676844884301273 +2840921393219382080 +5517738911101577495 +15287987228926744164 +4278257602 +7696965337512046621 +7571764822379338579 +15325015632819605323 +12091006119579689949 +27638084671264372 +285672884 +4330598031175282753 +421319102918 +5844238504773242552 +6436459668631934146 +11340219339574241407 +12482638774054038689 +6053028419488738483 +16897312575039362357 +137207334228943293 +15290243360148963874 +297272784 +6747869491765126625 +11000783251845887005 +5249797172580911197 +5894178515782692174 +1873618536328156380 +17651881376765861663 +6887529782530083326 +5357842302437311877 +1836789900791531307 +6097847730228239577 +18371639724268655489 +1737013595702515187 +17299513090802403490 +15290525419543018666 +9420097755978882650 +2412156292642455751 +812779145 +12484258567449106886 +4445946728627654029 +7565159886615630914 +816645797 +5193445009101963178 +2625039590192651025 +10588786991446124121 +1873618471842356351 +11077353926396157937 +2785415356332257229 +6529487497066736351 +17461812116410481651 +4930631980557602302 +527217468724489193 +6874698970945955815 +15510432429060141756 +7192573538252948090 +15284420496859353365 +14632358326651744666 +10211084715274603964 +9870725961381480 +7620385028782319544 +7086328669600819604 +2932283198727145425 +1339885286 +3825221725456711986 +1969772432002323208 +521947290604561478 +10284111861439076178 +6155045882728943250 +206360024784 +15289115277342563956 +614294321649357527 +17082847164623382405 +11563660941193386881 +9375882715240667600 +7791039443921416928 +5611802251081954131 +3886136478444496175 +5835546354155473311 +9420185788507099933 +9559718133693762312 +17171464461123401053 +11479305196399967047 +6461201948627654381 +7353733384553038804 +6614769327816393277 +15288269331311445267 +14101065187289704 +5657220616276287306 +15785973014643101538 +8697674474395021126 +18390735680858955949 +9870726992394004 +1731418051892370297 +1427463126434521764 +5991347897401742338 +1550126047950753983 +9094209631738283451 +17578034881156428624 +472908251123 +15293345583569718107 +7300032638222873107 +1951690094360732187 +8393534168238138568 +17226423312241275304 +15860561610643614412 +429916450288 +2778018941863485300 +18413078431218478904 +8084900147561130968 +12914359404969070299 +12287601267178474260 +29612216687078299 +7507416457453450565 +14892847696200341564 +5779476207078750060 +1394018037 +3232799673214778996 +1894834093900452377 +3021726519649178959 +11405511344019413941 +5111714952489089187 +17783605070231313971 +5993604037222481836 +5962582003719886979 +628943014827088914 +6746177341759775790 +10165889737391951148 +6787307048611954727 +15291935441369244065 +5352348775768989718 +1164695293425183771 +1785240324424084516 +15196731271015578570 +14698926283648942907 +17325759479524769370 +918014392040164998 +5412502251425126768 +6926887905159741587 +1873618480439693116 +1179275495699994973 +12805200955977844996 +6155045934318096354 +1873618458945726512 +6153353870293666690 +14947084301526037 +10824222353964555828 +15292499508567023053 +17049995732279511686 +11401612930191007388 +13065116362012434384 +17578627655170875130 +2625321585099739619 +10315133626017015895 +8594986363552415481 +643567211612360700 +2885985010410086068 +11065487220741573868 +9870724565660596 +2271060374755230577 +15292781567961091582 +5883005685634389890 +8959988790532127469 +2695321185936893019 +12004529765984521236 +850088361543928133 +14607325578284117131 +9870724569499694 +10721161424573376023 +12881181537194284482 +6589811804398828678 +5409264877474156963 +12874657562824216916 +946825488890283076 +12260183733860182546 +524497404470 +11869124831344398762 +5411521030190360352 +5358271081534805965 +1371132807762499345 +3103808844949035550 +13304414708505260641 +2340885180733334875 +15289397302342130130 +14263644118175595980 +3397787842937168849 +14907899546381661340 +481505581799 +14429909664532092619 +4039694191486045184 +11997174049628113345 +12016961784973246844 +5245848942942492964 +14505034101877249039 +14844217472145517087 +18278813472452273166 +27356072568236231 +15287987224627470822 +5699317859939724191 +1519546413158513166 +13942170423195671930 +1873618243986677618 +4947940146537649514 +5942369916282023916 +16778219674098941229 +9870724608193547 +9870725108220630 +9444197051638170461 +878573202500562018 +16425048613593235454 +417019801410 +337192052979800046 +27356029576423695 +5302200977449883230 +15326505426505777501 +1777332932012879269 +7571955457723473162 +3665038964208922595 +7032541714572706110 +14982980764324274736 +13838434914856542974 +12121015432604300215 +8026150991294183148 +9612643166216790058 +9870727127725864 +1873618532028845551 +2163687 +6979473808788298830 +10482079439338557579 +1735648345222884803 +15288833321126801453 +6209141837602107621 +3560777249688004318 +11183855682536477014 +5248105082763223865 +2830312599839917921 +16672819197306999420 +6030344 +6981547918633337130 +11475033806672911468 +8856014216854898868 +15755410586754947638 +3099205763721989745 +9870724635247640 +16873513682112504024 +8046532080153354176 +6476237565605863772 +1893141952493600692 +6204347580252114375 +2625039585893359036 +9821766011288488511 +1997676004562464918 +15289115337529047558 +11774080343727893628 +1842148156554230005 +9870724654593106 +829835546381933565 +2529429430 +2927330589989236561 +14847109066750384962 +5884848051678638399 +5303047061049918141 +4608457496156910971 +2812188657392952768 +18008952305986047175 +5246976991358305642 +5356714206733085353 +15287423178926341667 +5684480658844551848 +5640012633996351049 +40830050 +9870724666188773 +701227632865388170 +1943289737916083312 +10839375724248242288 +9558026035277536518 +5845663956482418596 +544736774 +13689993689416878425 +17215282683679216314 +1467988623104496917 +13672173679982567447 +1093547051758546244 +2713566483735398530 +30458222904694391 +4303542368191393294 +6926041881746210939 +1575898585234829135 +4277348121211059848 +17963415050392115160 +9240218570728498199 +15287705195328579354 +16287902975626980014 +50011031689890876 +6262955797568166390 +10585794204026549051 +12011043047629803316 +10529039736690196531 +14101060887991569 +5510538203312427550 +16932670336295903349 +9200864239601914997 +1829157115266870064 +571813020932192288 +6616250477895183238 +2159352185851113030 +11998133734300808096 +71763122 +468608944800 +27356081165574067 +15158598919265149576 +4561962166720340696 +1284455533177084567 +8910392213926268194 +11455144817866398885 +15611911946388048997 +10440328872292255740 +17756407197952208882 +15288269262526373671 +425617137764 +1074211402240510042 +7087201728046301653 +15287987211730836525 +1895962116520307410 +15448636417986538510 +31022247110667261 +1914732269202730705 +32996392023111821 +9870724716459173 +8534473599634075244 +27920126869375941 +7299355370285761347 +98829549 +9870724724192454 +8591940797953634054 +5924189828468650369 +15290243342953041491 +13569117044463050183 +1606682426 +1873618519132215863 +8444842522800104148 +7561389495626835168 +16509564814676269146 +11009224574020765596 +16873513669215864593 +14457806711539569382 +15287141201213937870 +15290807410150812891 +11704790003199078143 +2170878889691527354 +11205710403273432336 +1873618454646432118 +14947080002232150 +3701508675985160878 +273958936419178805 +28484151075369064 +17762008144299307831 +9870724758992102 +15291089469544871722 +2625321580800447253 +2730975669658276820 +16264358665680677791 +16981577484988140454 +16952631352965017186 +18413392013782941785 +828143426469058818 +8084408095356359730 +6980701895219806482 +17441800153596830472 +17309267256018537200 +15289397341034665816 +12332399388405472003 +982204588270490496 +9870726782351109 +10090314555033671234 +6366030573177934658 +7192855537459266176 +8556747548505692813 +15293063506979741802 +16795745821907564805 +14578349385099791373 +2960542591583591766 +9870726293911234 +15289961408232445886 +9546289116437490292 +16305822396991357018 +11151193448791287759 +1146796923031667556 +13778733782702636920 +9870725309298125 +15578923778216897051 +9230173767499345405 +1627738421785073962 +14464130526682098483 +848960295932212598 +1873618239687379339 +7354015383759356890 +10989495787934662369 +6184915202276021353 +7527382810766416658 +14093965299185638831 +9387385366966312206 +15289961343746647505 +1644749190601006054 +15943731002710441217 +168849237244054920 +16881139105411316567 +18412545938780258357 +2624757565191836670 +6979855820217123054 +6988505140584265843 +12919891958651907523 +6419453204079001265 +6665603611953614748 +882239415736686867 +15287141252803080366 +9411230538297527584 +1703348037 +1923721613081728479 +1779024948746207643 +12593449824476795087 +3642015247205025529 +14861876048013049807 +10911952793442192816 +5872638509966829283 +1102095384688071128 +1873618506235590609 +16511122746743607222 +9086129493381961095 +5352348758573082181 +29894215893413792 +15287423239112833644 +10269743533867814022 +5249797099496562299 +11023259834649102214 +15290807418748167372 +17087641456366597398 +1836789849201137678 +14021601819555607840 +10528342604607197464 +7241889975650693905 +2625039581594066065 +14420158594156944221 +1575334505139237372 +5458848634390199133 +17788079974162058541 +12020684574737586618 +9870724855657792 +230294908 +2393930398991923875 +5841774633530060935 +6101795946968785173 +30176202203153737 +12061796546186255448 +3805996701580677666 +7081065208486769272 +7298509346872230699 +12000123328105421241 +11849924920349035033 +15287705255515078560 +13819040186453847 +1466296524688283431 +10904894610203875092 +14527810898352744290 +953645941584702321 +6208295874376239834 +10423334948494797440 +1992024717577515132 +1574206486818614664 +6156737968247287411 +15169666149850772175 +7247515550932861719 +8618954249926939363 +1733110171804002571 +2594159064844545689 +3308118261904646345 +16646682880171058566 +9870725378897419 +2200512120787570495 +7911402859616405737 +15292781507773358501 +12551372671573897849 +3350348129897814086 +3791701430868647930 +12592603749474121813 +14101056588701351 +13487493291780737188 +2974323816123993242 +5679882735783205685 +12848973732578136844 +13458105217770269334 +1730290059366458733 +11037919517269649339 +828707480770203315 +16474695943565635667 +464309658248 +4133802667862551945 +7723302382736449822 +2624193506591385707 +7085509629630087577 +3305379810951123478 +28766090095170910 +10073651711872149081 +15473430069178624030 +14263926160373729777 +15290243403139535565 +421317859661 +6473669550920643402 +830399553393148828 +6368045642961655911 +9116642200131151566 +2106423660343543282 +5871895778191885508 +292160964 +2262736868094464945 +9771025726725255382 +2150364451440036857 +2676033356038277397 +5728200394737084405 +9181763852457755606 +14485322628916323696 +7246669475930178291 +4867379493292372130 +14665059300698921 +14319322709146018540 +8698802600191998019 +1873618514832941512 +15287141239906454967 +811533949 +3878895965170641138 +1311573714 +16590518779154212536 +2914631493529984631 +18110911350818677639 +10209197843192373551 +6101795998557937636 +4769750103251108832 +15288833260939073872 +2575619841982229180 +819267256 +754689218597373498 +6153071780807052127 +15229126498475400 +7353169360345826242 +9836098777800721703 +1873618450347157655 +2158545569184509711 +12579170400201283402 +1005890003669224772 +5726925958801531850 +1587112819500011563 +8964862679611038275 +6365225423046536418 +6155045882727705018 +8663726823531171453 +11672558548109519873 +11743437156022762298 +2631305799724044878 +11378236832929373002 +9870725971736173 +12895405287573834766 +9384393054003222437 +15210536763325813460 +15292781516370690041 +754060946354952238 +7022272817292866169 +1465569262171809901 +13297153724119725165 +11515585087059010353 +29048192479877312 +1623790192146659424 +8154081321495508321 +5888796281315790656 +32150321319667308 +763245092587843434 +14958319878224363013 +2890785419192834322 +12912667353842739129 +5890488375432723999 +15288269309816230032 +16404630304092469654 +6742621540469592682 +14318758693537398290 +4747653742013059890 +10654852030096688658 +13513390315283555617 +14333944798802766813 +6927235182091329645 +4534407021717883718 +949370018900110173 +1108582913422403056 +5582375653048017209 +2440417245444775939 +13295743603413247837 +7352323285343142814 +29330208882107792 +14264783202905230553 +1873618235388082366 +5932136316345662089 +4134926167463771621 +15288269245330434093 +6926323880952529025 +14866462842593414500 +15292217535155363401 +11366272409954836742 +14383060094311657 +12826909658979572485 +17295846911959438847 +6097847760322188401 +29612195191864981 +16842569926204276634 +2624757560892545089 +10380820297057655956 +3632094463804522871 +2183217404597917924 +9386257335747874065 +5622546645510608715 +10913644874661327680 +5403791111229623339 +29612152200060363 +13461987956028742698 +12060104512255826936 +6500635606105806537 +14712930642215587165 +2372569380647405950 +7087483727252619739 +28202117477191360 +1678535306338508606 +8320063730434258647 +1873618501936286601 +4798202644785010020 +9148492468824006434 +5138916843283032920 +316179007921072618 +9549109340650684663 +1873618458944475442 +16373637883993923991 +5356297044098689639 +6100103848552567224 +12046060055529211933 +3655028339501246621 +12825132176711684620 +236453959811 +4835469262017941581 +96258212848688931 +14054073294632399944 +15292781567959836815 +5246976982759708111 +13819035887159474 +14802689540160500058 +6812506322839672032 +6155045869831089911 +7884436482636523144 +200191596416994992 +8109001260751274153 +11002936678134535954 +16846695548643710170 +1996539656479057308 +234223946399114137 +16821893970015894696 +12778621592049114061 +3444172667634475729 +3305725656990757998 +4526720883860196160 +17363812233662516121 +5782296392602045443 +2720223265557924054 +7453876520354585099 +12694510481574348158 +16294470476860886879 +18178458048973716927 +16356337363313898818 +15291371468751186688 +13395281824280703893 +6407362343787708898 +11496041695137061043 +15043322321877089681 +2787671440263309824 +18413674012989259871 +6980983894426124568 +698165752660237995 +9870725103121778 +5991347863009905794 +1084617945697046608 +6538994922516329481 +4662360103555718707 +11619890057073089835 +6204306685474773234 +16155667916530073729 +9572779804176180252 +15291935492957160870 +17448309371147738033 +880547325917800680 +6995848693710144878 +12275078297028025791 +6211116025505142160 +527560919568951683 +2676033351738984926 +12226299794625556052 +15578923718029153337 +9870724626281512 +7340385337625366862 +9870725126321571 +17595811302773695698 +13522950414391068782 +3678171710286219705 +8912304245417453068 +883931514151661403 +9870724634014769 +11211871615329849289 +11108455524822236392 +14341909694997488790 +18337904078964077599 +6544871850248125421 +12518470 +6100103900141737959 +17863879857806254425 +7930103797640092238 +27920075278984891 +6097847704433744053 +10078708046770301185 +15290525393748515218 +17848838676548887727 +5976453840464931807 +6784952888244856643 +10911548679683577560 +1485299202679331534 +16965018239810425658 +15294191632777894581 +9870724653347912 +2625039564398145557 +1873618446047843300 +1531971352 +9232711897927854097 +1375850649136278544 +29894155705664514 +7533094932733453611 +16484767890339211102 +9870724661081188 +13713461911897596379 +5195701187613963650 +16167625211035598299 +5248951136269503046 +13517299088713586459 +12341216666987343674 +2539784120 +10940245256426776127 +9390205578282879336 +15291089417954477818 +9445722595595459943 +4416647812426771771 +12973796087988575910 +13735950183222349290 +7086637703839089091 +16876908906661681657 +17708849407224659857 +15289397332436085933 +555091498 +5517798644040224309 +15198796055262399316 +6256189438951187027 +15287987297713217939 +17250601175141651021 +18115578910873817112 +32432367815897203 +15274450506083756132 +1837917966400764189 +14921737912959136505 +8861700295377830954 +62784656 +1780153074544355126 +2368935519853614683 +6644145974623758915 +13304414695607383688 +17785259801536762801 +9870726192133803 +12904310774406713244 +1546925423577152241 +1784385966949690623 +18001524892029046964 +14101039392775304 +70517920 +1168553459834244873 +12757504337486308452 +570558008 +16801251410543403101 +9141261708597157361 +9387385422853514898 +5781052833705636077 +2624475540191008773 +1971938164852602563 +9616471278155879119 +6054606349327281437 +15291935544546316252 +7247797550139179805 +6924604781897600803 +5671848343033764653 +4228443699424617193 +16881139139804532618 +7753244037492647867 +16161820259100397665 +14383055795024527 +3531133647988137149 +1945545813249771161 +7351694380232218047 +6520704059412540211 +9870724722947262 +29612190892574015 +13521401176293190563 +11444274190499408542 +97584346 +101450996 +15290525445337673176 +32714319732361603 +1710397005500280130 +5329684834211676477 +2624757556593255104 +12001684524694721185 +7085791628836405663 +17626237310166195021 +6204347631840012273 +105317649 +9840570834876781106 +29612147900760141 +3174142914383080681 +17063697111067681854 +5134111493730672360 +10798758842576623528 +477658896783980261 +1873618497636994606 +5354604945682476297 +15292499547258298089 +7034797832897036683 +1044809331152867059 +14338844047743260362 +8211561486099181094 +18103065826041145666 +66093704493221941 +937181428416605704 +14863889077920998781 +9995749965818580539 +6204347567354243445 +1873618454645197307 +6101795981362008865 +4085427989274451254 +7192291513252053614 +1256962973392334915 +10946714924666463333 +15291089469543621236 +18000100242212155005 +11841889356580144165 +232154664379 +12967490521444924920 +7875519727823180584 +6206603771660751080 +1840456058137954757 +30458274492592616 +13545545199287940580 +7141297717312684634 +12877339478002837226 +13819031587864902 +644023896 +12914036661615991821 +104671971731926792 +5780604294185818304 +8378659008420725900 +16355799333387189060 +9870726277199546 +15511125704795369 +32150347115533408 +8445260837540081108 +7353451359552144328 +4736709352635442829 +3832076563905585634 +15292781499174759035 +846986163917827316 +11589943904033337005 +2449021754955871866 +498702879366 +11909706579500095545 +18411981914573045795 +8333149240508034120 +6408081225952356818 +13702827714901708122 +14108981663957016067 +6979291796009910492 +5623674689627113341 +30740269400863048 +13819298136067083 +5734323617267265433 +14681117629873534431 +455711074211 +9870724800279810 +7165906625193929293 +13248430393916275378 +7561320048270537297 +5892269654353719067 +14106887050504256894 +12550602817490809765 +5628018632356288117 +5133829485925764439 +2837265620944643207 +1691478437133292796 +15290243394540948169 +2786543409044852529 +10970169540634426696 +747829823970021344 +1571386301296701484 +17060688321802148173 +6043037530811151195 +5882441708717031644 +16138819695825589643 +2968185489195545794 +5993604063017122547 +1357540530547027909 +7140451642310001206 +29612199489922389 +2761097031836109840 +3838791148951585556 +15292217517959436990 +6595419905013471813 +11330177587868222537 +14110356907953896434 +2329434378204690902 +8921240145136670470 +17802959724584837197 +1873618549226150588 +882239415735443170 +11034437435298441848 +4776295121763987316 +32996357631270657 +933515197984554345 +1987794454340905734 +11706178989343196278 +15292217474967621392 +15288833295332302078 +1713702731 +9950019064427711383 +11748150913867600941 +17489156252859435690 +5778348214552779628 +7876195651955201037 +1873618484740362945 +104025378578178950 +6200238171345459877 +16392015933512374390 +9947520430985256470 +7246951526725649157 +12663073881015724592 +5910883915778910592 +5831598141714354177 +257824245644089751 +1873618441744706629 +2625321610894379746 +5727354418613398596 +1873618441748547925 +2625039560098851553 +28202057289451853 +15691341989058142778 +9548423176096538679 +15289115311734536197 +1564161993477470171 +17952180354962120724 +10030000340710012885 +7674038465364711737 +15289397371128592691 +11224688244129935841 +14932201313632477462 +4386668156755525698 +5195701140322854424 +6906911136156953140 +9870725381518881 +256116115 +15411231786989920501 +13460494288513419136 +2036363812201112995 +33560368941774356 +12629341436292386436 +1519264379559104497 +507300223651 +13773433712857532747 +17173772775954337388 +11921229983125025615 +1784668013445930268 +1148206987848478255 +17947829764244063458 +7246105451722965729 +14101035093479979 +15804734090088421783 +4947704488212245646 +7728957598346269765 +442814459409 +15291371408563447307 +2624475535891720994 +9402235489654036327 +1783301981 +8382349310400925692 +283182508 +2012231249106853341 +14750116422475731841 +730895392316136045 +12565884091408669925 +1251322692628792208 +5249797194076262909 +3985586538674412533 +7352605336138613680 +6157866081147643631 +2884033186131034093 +7172128103265880134 +15288833346921458960 +12083429430260417871 +9420558769965583071 +31022221316152001 +6588965755190791000 +8309452141569985313 +1410790466305937572 +14935260669128290269 +13044533444026657366 +1873618536329529330 +9731164704471978302 +16642773989029323216 +13563403359923681834 +10349954665368219716 +13396276396879196240 +11075661853774602958 +2637684351025963502 +3043188858128003525 +3901910077209972501 +15287141218411223657 +2521073773051975539 +13247866421298286504 +6985875272338713816 +1873618493337718272 +1043399313624678565 +12674888154218378600 +15289115363323703224 +5251489223707406931 +5463642857348356719 +17809189036286176336 +5887799955882383627 +1321928415 +5484156184771906594 +15292499521465039138 +8298139671732504589 +5352762562442315364 +15290807384356305865 +8139518016048679754 +1838763959721734255 +14033389121636099519 +7116009405336473346 +227855372912 +15986098390340471781 +3874225267139747695 +10003084053115964246 +15060052268358380296 +17567900090133148577 +15294191572590158538 +7529985804651410812 +18297946943827554953 +13819027288564094 +18131365454489933342 +6208295861478382453 +30458248699316835 +11916519789515393673 +7351759261135930252 +6487611341588016865 +10906583484168421245 +7975509434649169687 +7401639774330038120 +15291089400758545807 +16323412087919631163 +17292034690817528186 +13893161786987404938 +14024884520280018511 +12258209558853916407 +1251040684823878554 +10379453534728696883 +1864501104 +494403591020 +29048170984651074 +13328681692701999025 +525267382265079272 +5634896889029408674 +17629546554121863107 +12163099675411494795 +16797437933221801354 +286257514616541035 +10720425910717913074 +7401639709844261743 +7532645307890423512 +9870726501463779 +17205553309097925125 +4336172252441693479 +451411773457 +5208260076065793908 +1776768834721288437 +5307133245656295418 +1118323101191772082 +931541113258598839 +6201941232991219343 +14737684059501056029 +27356042474429382 +1410790517895094168 +16305449486689457790 +5786674574883448167 +9386257378738449813 +12615549852244255805 +688165077222762198 +5885976155981548211 +6659288707779877066 +1873618544926859588 +5089721691875851317 +9870726024623735 +6339470721423973001 +3225577932054211833 +17423767204507310437 +11403275119319064849 +6043037483520049206 +8553630178781191049 +8429910788516486838 +4928375806343781207 +9392472737220403964 +5804263942124888426 +2624757539397331657 +13991391226545779384 +7245259428309435081 +12163139211087466885 +5405598724425912880 +18159864630189634360 +102333280161970014 +1232853195853620893 +5359117135041031952 +10276510444219410513 +16881421139010857925 +9811925733550864125 +5675796551176949357 +9654763076979265247 +28202095981976861 +933797253079323225 +14462121002204465820 +3780238050272307626 +8117093398383322948 +2625321606595087484 +8245891699519397332 +3091655093374633792 +2625039555799560314 +6155045912821630998 +13642614608784341001 +10665867361946713537 +1469680721520911334 +5992475924321093282 +5246976982758477596 +10971297649236723061 +14686192518692563229 +5845649209709173816 +6980419870218912006 +15348353837155633996 +4036522300588560308 +9870724567036863 +18413109988782047309 +9870724570875956 +15292781546464618072 +369024847117243304 +1893500283777937093 +9870724574770138 +8774519406181757182 +16596897767247142853 +32150351413598211 +11844539297854221723 +6992901584139530372 +9435617308852820034 +15289397302343518458 +3890792205434441997 +17092728770733435487 +7000024672066936323 +569434363824922376 +32432337723329373 +5920540899190515711 +8794768871099930416 +15289679310147231957 +9870726098089608 +5516046791188876124 +14101030794186155 +2027401273281703743 +9870724601836525 +6470597267645141116 +1873618265482029963 +12615549903833409510 +3506237898852665639 +9870724605703172 +4394741386639714068 +2624475531592429029 +12270241411263108066 +27356051071772307 +1998795796298540144 +10169273990111778740 +9870725109609869 +14479306164917183741 +2796504294126350334 +789242300058720234 +10370135957125219552 +6979573795216228578 +18412263913779363881 +1495926548 +1995966335 +18212326332966264511 +9870724625036313 +7564330021528214623 +5996988225456520848 +9057910677280410997 +3539964 +7398819614602565259 +9195440111775792811 +17607182983839491112 +5944020284604680202 +7406621 +2507605935 +15861049122876117888 +6211340306813030328 +11273270 +14934762739410736259 +16364556117062983968 +17781311662180017127 +12801735476481372387 +7498048152822102540 +446328147764269084 +1873618489038409301 +15290525393747257196 +10405394452257188810 +7086073679631876529 +16892239439269465052 +11777272272100991552 +10217900751511711477 +17933681651523926943 +15455877103673689158 +9870726148355744 +9202545917764903746 +5400939667408952833 +3677019719062004209 +5566476498435326289 +15292781598053781419 +15218444600033946022 +6490048146395972954 +6368861820809862058 +933797197190869951 +15292499474173934676 +17201605122451313736 +1544372109263388836 +13525206554210542824 +17866909664428956430 +15289115294538623417 +13939914291973664751 +1120363941559159057 +46072956 +4911408705643891477 +7247233525931967243 +546113046 +16926509157610828050 +15291089396459262363 +32432389312486737 +11170480721379020818 +4386668139559595637 +17447639780156194351 +17012102176444985002 +5782296379704153811 +13208783365851913435 +13851254574720697870 +6647209537894230859 +15293063541371707103 +16520632460564253195 +5277061796181537592 +13515888989503707046 +5833854242841300401 +12975962075634812932 +10829621153868638609 +573179461 +1778460915940397492 +1148489051540574998 +13941243479815833477 +4999862633191595096 +577046089 +447112495451 +1201738978702150084 +7034233808689824121 +5728050170101043288 +14904796311579222872 +15291935523051097363 +7259530027764769468 +2783097505413616509 +17791354712975036831 +3690879732733599959 +3426195335842376298 +13267938307966398739 +474330230533280692 +8627823647522383843 +5249797176880338595 +96339160 +16247618866747562896 +5825995788684773869 +10010212520221548630 +1873618540627567448 +1731982071800414822 +5931938921483164753 +4643874909529785096 +104072451 +15990669684775925424 +14241949623417461844 +31586314309814339 +11743532295834133648 +6209647271312053571 +7140733693105472072 +5867018717571467694 +16844544045322217792 +15463390673086057845 +6204347610344808635 +10106558980070858899 +12903780683973473069 +7446140880148637983 +18169457873000670950 +100641190344268405 +11471243239402729216 +1873618476141775283 +1958135294232440991 +15735363948478410214 +28202091682676862 +14947101497578259 +31586271318004624 +17621268784990000837 +27920040887136934 +7352887335344931766 +8507454653825496742 +6153071763609886856 +14809301323776875987 +8110899722842362754 +18411417890365833233 +7888059800440418763 +33842475624514007 +17781311584797599688 +15555573908070032775 +12301880565312663314 +6206321690771458068 +9306301723346165289 +14830323918951825657 +15291089448048399883 +5782296431293303034 +16374905227699110601 +210659445227 +6927733975863328950 +7728603114666338364 +15292781542165341022 +14522564277077634451 +17106628117232303904 +9870724775834865 +13819010092640566 +13547746171706490652 +15793155005115402 +16210341989777805805 +32150347114291481 +13689507212922791857 +9570985786226327382 +13492849616059046839 +8454130924349970529 +7139887618102788644 +15179971149767525060 +498701654463 +14089029404555040561 +15913750286224398453 +8127438033272529069 +13597987859076575595 +477207669968 +13296322039520650267 +32432333424060614 +9944982283359577084 +3991678734254102194 +14320931619024166936 +9894352443289847580 +9317408182901677424 +14101026494876863 +7660974197664791767 +10608900034458829440 +434215853749 +16880502174436764254 +4001183637361742659 +31022255709379237 +7534792945879501817 +12202304929111499509 +16956861616201752691 +8253013539602959944 +5567604628532763180 +30740204913836334 +5881302572399610048 +2152498386425567870 +13351546068602876214 +5095261602623132851 +10662960070830926069 +13515325016885695701 +14260896784227322409 +1427238547443354826 +15987071584761896140 +12797441986456865133 +3348032312319620923 +12591757708863408805 +1873618527730927839 +6205475624367300113 +11287403619712896005 +4227200417470436061 +14903698664765353204 +15288833295331043528 +4753864405445973498 +1774230712891554374 +1893141969689659599 +212338040 +12363581356162683844 +8964432326420950152 +5688992925586898433 +6793493828125151735 +6814198477144531619 +15287141209812643027 +5162541778422546061 +7026070059989940060 +9629908783966066323 +9448824776025840497 +5831598141713102467 +4668531667285391575 +15370995855447582958 +9870724849300788 +7033387785276293473 +16699231963845581018 +4656105577719620780 +4011213668588802143 +4267449658638483583 +9480521367486342575 +1359796670366501256 +15290807375757731632 +15287423196122403251 +14024511452629257296 +2625321589399162869 +7603903374857092567 +231671168 +33278352538283492 +29894172902965386 +5881704967873704316 +3224843666202389996 +16833640656039595289 +6155045895625709224 +1943289755112138039 +2197615060210496695 +7245541427515753167 +5565348540301197260 +10154483230895248550 +14418748516443624712 +5831598077227314261 +16884131853615250381 +14659363209701640058 +15291089435151777774 +9391897638006769647 +2515699716192694048 +10209313030264673896 +5780604281287949337 +17007398772982433571 +6362646423635301420 +7194547631576384187 +12411914243250342134 +7863418588154261667 +9870725380273688 +2530175319163284785 +5996142146154555331 +1519546481943722555 +13303889903241482290 +7407889868462773966 +15625721628276957786 +30458197108943886 +15235794570491032359 +11513033584739709465 +10681922109302072442 +1668925422262432562 +1416712772071679605 +15287987271918694381 +5199649387158590156 +13642648098285957936 +10781951560498488464 +5885412028594853547 +5299098874403503964 +16226199636787601084 +10862662093540571635 +16884073780545605476 +12532327154572610410 +6470597250449234570 +1325518094907368979 +6157301992454635985 +9174086388610718747 +6925538300593187070 +14815093945352265609 +18118845014944789628 +5707451689703714761 +285803957 +3062899443326529594 +11434288507026092730 +17750984710026849081 +9859535332657810837 +15288833346920205552 +1571386288398820908 +17632116823678087039 +5108094061965623984 +89551741351239622 +644498444287697722 +32714336929673318 +13831923444270048167 +17587245658421541500 +1200046845892650484 +9870725926712920 +7139041594689257996 +13522668389390158175 +7440511606793389808 +11871755854141800974 +10255262013521801406 +16358593412853159043 +615140332166385463 +7871853600569384624 +13209471093094567255 +15484720670844008207 +12799016813872631599 +5301072911838356476 +9870725938312796 +816776870 +5566476545725185918 +1873618471842502397 +4146446263661375026 +15287141196916014313 +820643524 +11202783305103926434 +6155045947214860161 +6879287105447206933 +2625039590192781858 +4581098863734365754 +5250413516934940904 +5246977017151691622 +7300201440989348710 +11788921454419592415 +10756161196621900677 +17082847207615302798 +11865320555827840453 +5843037688695294649 +7938532420313699473 +17879906935043136961 +17968144200870877348 +14848239906707279242 +4000906973558223898 +6153353818704648218 +10331854920347883825 +9741420587119949299 +11762200424231028606 +206360155773 +17469317084066962475 +9870725973112433 +15142404136401970619 +11904574145983433326 +5246976952665904412 +526674426737808782 +1254142856654234794 +14758160535381889275 +9198263872370143234 +2890508296270408554 +32150342815003323 +11077917950602272150 +10912798812556632012 +17088031212435738395 +1262922236267419932 +6599737765818617388 +6702109864571727138 +10735236183146699939 +5261190247411509262 +7953753204275615601 +8858552325786961965 +12396824202220157664 +17940204315149555308 +1890603817765911409 +5426480827987071496 +472908387888 +27356085464996379 +11184417804925416489 +7593888507932713768 +17568491447002928331 +1252732757445593399 +7560543446418734159 +11382142034855807858 +17415247587990578146 +15291935548846993270 +6096473198892445419 +8316320782878323646 +4199805580057524191 +6729754102968813631 +429916559736 +8981039660885224755 +6971710725545265525 +12300297158579526681 +15289961360942699339 +745855674757038823 +15727504891592251730 +8018940475328649017 +17608486146476040591 +1574770455137508974 +1496635744753239718 +15290243347252459694 +16282840666836123396 +5675796594167519586 +2501143638002329096 +1732546186288055513 +17557492350536675544 +1873618523431658752 +15287141248505172047 +2034512956225496008 +1009252357147419976 +6699693882226582656 +12422839241108434504 +3144139388416896605 +8298936022927352875 +5415911483048554958 +8486366851269947961 +12957163783496613353 +6204347593148864093 +6378421771660763249 +1873618458945856647 +12918763884443034474 +4547181581491573706 +16910582413616692266 +28202074486759751 +7241607920557254986 +31586254122072140 +4009970419794318781 +987047180239645104 +879419277503369179 +17048117256962784734 +831245572507575577 +15292499508567171597 +15666430405475448547 +9870725054231890 +5303047073946668107 +12671965654747590743 +1041707142124087183 +2782533206060846767 +5727354392818879518 +6997585973844518733 +7587276533633670282 +2625321585099870378 +13426501244838638065 +7215857415718709974 +10701168386933017266 +3651125125687759309 +9870724565791670 +5111716669164117453 +6206321673575532504 +9870724569631218 +214961370934 +986178216889761207 +9870724573524940 +1873619409044462012 +125479014684706256 +10594427319499623325 +1626892299492668172 +1321374866791223401 +9870727081457440 +11786712501505699818 +17939922315943151757 +16205457387048548411 +16913056664662974679 +15037583526713577847 +6443383187389180404 +1043963281944828423 +18411699889572151319 +6979009771009016016 +13483778469110116257 +9023438201426753644 +4021902226269562026 +14366314639192124632 +5835546298267153769 +28766107291246680 +16860569648395798417 +5058465046824313393 +7105448691678269764 +12631642409355131848 +931541143352526798 +27356072568376668 +7036226112429885798 +6928015975069647036 +15288269275423127489 +9870724604457979 +6614909541062830583 +7571745973084755678 +5299098870104224339 +14423868352384668840 +12463417266756128621 +1873618243986807755 +7550321004573964879 +9870725108342821 +15289961369540050274 +11945800880170424742 +17204145507159262028 +2304512486314433541 +827297398757617239 +417019922396 +490735063 +617000503212455836 +5149742346579825684 +3205834693335464486 +7531690829936285346 +12451377428844715618 +13802657059030845319 +2949328499430346665 +17819208509888008579 +1410790483503247383 +14665076496756079 +1304290564694295508 +1873618532028998521 +2294761 +11460215567020659858 +10140388370412499313 +6161418 +933797283173262129 +3889194752880565978 +5304739189560256540 +230324577527214874 +8425125197453485400 +15506069212585093180 +9870725143164347 +18398400523337420497 +7657986991371002919 +1873618467543209149 +2625039585893489962 +10417684559046468158 +5304739146568460114 +2100992805777449498 +15289115337529172523 +9413229533004186359 +9870724654724179 +8371550453039641307 +5303047061050041354 +3790908083858120185 +15289115294537371360 +10296839827164892924 +1893423968895986457 +3239382674005954857 +6047549806150887372 +10894765727974242912 +541001214 +5000990673008793811 +9870724666313705 +7151957518376505009 +544867848 +6357261901724007060 +8600881962343274883 +3296646270172813952 +10195897074104037893 +13407762898221475439 +7033669784482611559 +5136649632755312559 +13395517992529457141 +11891236414941323305 +14083893301957259743 +3019990612812055330 +16746031747734396591 +766829195704035099 +5389310202497883490 +6431170477344758589 +15287705195328711682 +10144621227369126745 +14101060888123954 +6700459465054571642 +1256116975773440028 +2065251783917066111 +12868692345733410146 +4618182651265695138 +7245823426722071253 +5199085482290715489 +5569296748444388458 +27356081165699048 +7196018225429631936 +15691596646605144358 +468609084199 +71894196 +571934270 +9870725197297090 +18315937218011468852 +1065200468752818671 +3878049915962530640 +15450328576589370943 +789016336715364767 +15288269262526492761 +13047676790328079491 +17467906937567208234 +12049393095758585350 +2787671405870197047 +10862662076344636146 +15287987211730961130 +14383077290361462 +4265917729098505546 +5882833042081539925 +756647401690 +5475199329848662024 +6313103561496792185 +91227340 +9870724716590247 +15291935501555886148 +6019190719683782443 +14375674833932606054 +234824926651171792 +10228739305849247375 +5570988778075550527 +98960623 +15290243342953167485 +2677443726094576341 +6311975534577666450 +32714319733747157 +102827253 +547248224624987812 +5739105232565203828 +1873618519132346715 +14367577705899433767 +2574671731619879755 +6483565209768375486 +9654763094176591164 +114427166 +6927169951656116388 +7478152920053669742 +301492599510948394 +11255779257901672441 +1485217303774511822 +5677488662491171019 +2481893878485567895 +5123966563937620650 +13018118412928313546 +33278386931524300 +7397691553291581305 +12689613402799606751 +18034522837647563823 +7139323593895576082 +15985608450754552208 +17568124697245276338 +2625321580800578367 +14107823478185859187 +5196096360570433761 +17617190905407497094 +15292781563661919252 +1464322371178616088 +30458274493984455 +4987374176237345671 +8860854185983220496 +9882920632422962712 +10906583509963052321 +828143426469194176 +33560403333762455 +210662084848 +13669583335851560026 +2534807887592506475 +8697674521685009726 +12556512549261358685 +7300483440195666796 +32432376414606401 +17683162794628878308 +1990332571871553551 +8074562693752254992 +12060668540762400270 +16589678623912638053 +5052237058537315926 +12468953183566632818 +15704249776280200391 +160826698 +9113587964964445188 +9853532073397197279 +17620140702182349847 +477206427270 +17232159964597005884 +14733176956707234193 +5569296757041738798 +7030300293132739956 +13889891850651121512 +15250067007241729725 +12757875056923796321 +17149817495305718081 +15288269271123839569 +7746405201715875301 +1837917910513708697 +997112076528391199 +6679596954628150305 +4051701729562609748 +1873618239687515417 +6470597241850634044 +167131050139071364 +17620704769380138850 +14580323538610888947 +7123437138199080979 +1200046880285858748 +17245656359461667724 +10749611060945307145 +17782439654706127499 +12569464285503173870 +754245893368917946 +16773068928657594508 +1254706842170307562 +195626347 +3068049059797011644 +1413892608043723513 +13159245476491963438 +2624757565191966903 +932105184757050351 +3880023983492587431 +9588766567104463719 +5359117160835667652 +5408700879060348353 +1730572024179682022 +16873292416751573741 +8785266901479002487 +5459976661309458898 +5729046525627161904 +7528870385169534618 +8263358500300266822 +16644692834958335481 +17754997064349206316 +7717191090462395901 +1873618506235735792 +8715009073166037677 +13560019150194548086 +3094190453106412934 +5249797099496673233 +15287423239112961495 +6667196546127307371 +987047206035547005 +7193983607369171625 +2625039581594196713 +12367205880884508303 +1165470604183745783 +14412428538658517582 +17520266449292561512 +14276005439372549440 +524948496318606286 +1740610508054280659 +1948366020268473888 +29894172901728081 +2180307102810319169 +9870724855788866 +1469680747315554426 +13237708539884666884 +9870724859655494 +17225295190741240735 +2647655962581081226 +5357989069430732680 +13518991169934075664 +238159246 +5780604324278515499 +17196618744040156978 +9305725264287507058 +9297735470756269426 +16591082794762976726 +921628663266752174 +12197551629056742534 +15872788267758849942 +11065533344214956728 +15289397349632136942 +14867644133115654103 +5195701140324225002 +6203460636266678556 +14748186881073180984 +9976735803327388352 +9870725379028493 +6780625301062364962 +5247593352907000900 +14956022666157298420 +9870725382895146 +15402324910768549439 +9639365634786417788 +5464488953846368648 +13735950157426605467 +15291371473050627083 +11616022707950864421 +5250643183096709644 +5411521012994541650 +10357637806106624642 +10644085334847022579 +9850513459867572703 +14101056588833778 +5462796868327968001 +4975041133675042167 +4995151238597518374 +7399947658717850631 +14263644100979807429 +1411918557712233621 +9085283418379412214 +9907225968885969808 +7193137532366488197 +2624475557387070230 +12308501919555863628 +3399294742163772162 +1998795822093197151 +67422135400412091 +2394361737184364179 +5344009056337290722 +6043037560903849644 +17154008209968467799 +5995296157134228103 +9127185536458370035 +1900779158898875092 +3885957334169638787 +14731137997775267201 +9923447858191471302 +11839726870381999673 +11161453508845582323 +1092418986146950205 +1156159001496397128 +31022221317534373 +7299637416782136148 +5312856438487790303 +8611864043749332880 +1800144734 +12583873178280597231 +2676033356038408562 +13824576674685410242 +9202545986551357872 +17951898368652544275 +3037586155689286574 +685262267616024560 +1198918840470099768 +811665022 +14152551150229663003 +13246007025996884040 +1815611240 +7631571661644636948 +1573834047912424065 +3846918201996099223 +1665063776377522754 +13382486157233050926 +935489308503916204 +18114732861665711671 +9813006712074350439 +9638113321641198705 +5727354427212122308 +331075883716981304 +1628020382299024613 +14947075703062346 +10163069616355948295 +1873618450347268545 +11757671242301185434 +8807355653287206151 +435378996542324797 +11129919317818559234 +15721816235276065187 +6269101774807522734 +2625321576501285744 +10227611240237505273 +7491930919958039221 +15291089465245701668 +17713680698308641985 +1975574281736634940 +15701294198255332361 +7295139920008275502 +17094420912141640794 +6882557191050719074 +9103257820146525751 +5568582435113995134 +13327291319013612335 +13958288683712202178 +8177758353543554234 +16396171530409093568 +7081697764708457589 +12727447219164439355 +15673521516696719920 +7298791341779452720 +8907854006114204377 +2728587567203511006 +7888341834039963790 +11760418338998809245 +10159110354702910563 +9558025975089947589 +7119982512147537852 +2980947595104703670 +9342770169617398569 +18144989287547169305 +10585391818487578412 +8964724180655547687 +1236545905848420951 +10109472363683064481 +16891111339265913159 +1498697907618072081 +1201739004496782889 +28766098692651092 +5671848390324996594 +13137886311290660755 +16264239876490285091 +7454507813786630313 +8486084877858251078 +7033951783688929645 +10332418923058644666 +10599514620969886653 +1873618235388216046 +15290243390243025326 +6351416861983919649 +6598891776798313520 +14204955010987086526 +3056459202196414067 +6925897221603418406 +8141063112056268353 +6097847760322302491 +1396770551 +2624757560892675938 +4692266870559095293 +17117716579000274167 +3808627563690092155 +12892015524053532218 +935489360093069114 +6151097687483890876 +7455648598260672640 +15288551261732817404 +1408370430 +15291935441368143992 +15577885697730504027 +4148105506751406205 +11405928725072131729 +1575334543831888659 +15173190500771711224 +1873618501936418860 +14835085497997413739 +2527671765987700081 +10709931946762524080 +17472137226598428383 +16603709364419322519 +10381023484200760863 +16429648437962890412 +1306546687317928997 +18172096623373847689 +1873618458944616022 +1923876724 +9870725052986701 +4611016862399489497 +8060387810923269821 +8485238802855572492 +17259210455121606711 +13991673242949401216 +1414738730336280221 +17478309774690963594 +6045857703435392161 +12060386507164239707 +18301216972081072690 +16218854506495431400 +6927451950862434474 +13819035887288859 +1943289729317618759 +10645348200073153204 +9806799500870365292 +16253215886083361077 +32150372908938341 +6267983724862992113 +33560386137831096 +15289397345332831597 +12751507451654317390 +1252450728145476836 +18249294832564332712 +9181555677596945304 +881393336434832582 +5197675280937391160 +7139605593101894168 +5672976352757157536 +8393023341868508150 +14101052289539961 +2789363525781828595 +5726226353003051556 +14866552854313652382 +7032139168100996616 +100 +101 +102 diff --git a/cuBERT_topic_modelling/vocab/vocab.txt b/cuBERT_topic_modelling/vocab/vocab.txt new file mode 100644 index 0000000..fb14027 --- /dev/null +++ b/cuBERT_topic_modelling/vocab/vocab.txt @@ -0,0 +1,30522 @@ +[PAD] +[unused0] +[unused1] +[unused2] +[unused3] +[unused4] +[unused5] +[unused6] +[unused7] +[unused8] +[unused9] +[unused10] +[unused11] +[unused12] +[unused13] +[unused14] +[unused15] +[unused16] +[unused17] +[unused18] +[unused19] +[unused20] +[unused21] +[unused22] +[unused23] +[unused24] +[unused25] +[unused26] +[unused27] +[unused28] +[unused29] +[unused30] +[unused31] +[unused32] +[unused33] +[unused34] +[unused35] +[unused36] +[unused37] +[unused38] +[unused39] +[unused40] +[unused41] +[unused42] +[unused43] +[unused44] +[unused45] +[unused46] +[unused47] +[unused48] +[unused49] +[unused50] +[unused51] +[unused52] +[unused53] +[unused54] +[unused55] +[unused56] +[unused57] +[unused58] +[unused59] +[unused60] +[unused61] +[unused62] +[unused63] +[unused64] +[unused65] +[unused66] +[unused67] +[unused68] +[unused69] +[unused70] +[unused71] +[unused72] +[unused73] +[unused74] +[unused75] +[unused76] +[unused77] +[unused78] +[unused79] +[unused80] +[unused81] +[unused82] +[unused83] +[unused84] +[unused85] +[unused86] +[unused87] +[unused88] +[unused89] +[unused90] +[unused91] +[unused92] +[unused93] +[unused94] +[unused95] +[unused96] +[unused97] +[unused98] +[UNK] +[CLS] +[SEP] +[MASK] +[unused99] +[unused100] +[unused101] +[unused102] +[unused103] +[unused104] +[unused105] +[unused106] +[unused107] +[unused108] +[unused109] +[unused110] +[unused111] +[unused112] +[unused113] +[unused114] +[unused115] +[unused116] +[unused117] +[unused118] +[unused119] +[unused120] +[unused121] +[unused122] +[unused123] +[unused124] +[unused125] +[unused126] +[unused127] +[unused128] +[unused129] +[unused130] +[unused131] +[unused132] +[unused133] +[unused134] +[unused135] +[unused136] +[unused137] +[unused138] +[unused139] +[unused140] +[unused141] +[unused142] +[unused143] +[unused144] +[unused145] +[unused146] +[unused147] +[unused148] +[unused149] +[unused150] +[unused151] +[unused152] +[unused153] +[unused154] +[unused155] +[unused156] +[unused157] +[unused158] +[unused159] +[unused160] +[unused161] +[unused162] +[unused163] +[unused164] +[unused165] +[unused166] +[unused167] +[unused168] +[unused169] +[unused170] +[unused171] +[unused172] +[unused173] +[unused174] +[unused175] +[unused176] +[unused177] +[unused178] +[unused179] +[unused180] +[unused181] +[unused182] +[unused183] +[unused184] +[unused185] +[unused186] +[unused187] +[unused188] +[unused189] +[unused190] +[unused191] +[unused192] +[unused193] +[unused194] +[unused195] +[unused196] +[unused197] +[unused198] +[unused199] +[unused200] +[unused201] +[unused202] +[unused203] +[unused204] +[unused205] +[unused206] +[unused207] +[unused208] +[unused209] +[unused210] +[unused211] +[unused212] +[unused213] +[unused214] +[unused215] +[unused216] +[unused217] +[unused218] +[unused219] +[unused220] +[unused221] +[unused222] +[unused223] +[unused224] +[unused225] +[unused226] +[unused227] +[unused228] +[unused229] +[unused230] +[unused231] +[unused232] +[unused233] +[unused234] +[unused235] +[unused236] +[unused237] +[unused238] +[unused239] +[unused240] +[unused241] +[unused242] +[unused243] +[unused244] +[unused245] +[unused246] +[unused247] +[unused248] +[unused249] +[unused250] +[unused251] +[unused252] +[unused253] +[unused254] +[unused255] +[unused256] +[unused257] +[unused258] +[unused259] +[unused260] +[unused261] +[unused262] +[unused263] +[unused264] +[unused265] +[unused266] +[unused267] +[unused268] +[unused269] +[unused270] +[unused271] +[unused272] +[unused273] +[unused274] +[unused275] +[unused276] +[unused277] +[unused278] +[unused279] +[unused280] +[unused281] +[unused282] +[unused283] +[unused284] +[unused285] +[unused286] +[unused287] +[unused288] +[unused289] +[unused290] +[unused291] +[unused292] +[unused293] +[unused294] +[unused295] +[unused296] +[unused297] +[unused298] +[unused299] +[unused300] +[unused301] +[unused302] +[unused303] +[unused304] +[unused305] +[unused306] +[unused307] +[unused308] +[unused309] +[unused310] +[unused311] +[unused312] +[unused313] +[unused314] +[unused315] +[unused316] +[unused317] +[unused318] +[unused319] +[unused320] +[unused321] +[unused322] +[unused323] +[unused324] +[unused325] +[unused326] +[unused327] +[unused328] +[unused329] +[unused330] +[unused331] +[unused332] +[unused333] +[unused334] +[unused335] +[unused336] +[unused337] +[unused338] +[unused339] +[unused340] +[unused341] +[unused342] +[unused343] +[unused344] +[unused345] +[unused346] +[unused347] +[unused348] +[unused349] +[unused350] +[unused351] +[unused352] +[unused353] +[unused354] +[unused355] +[unused356] +[unused357] +[unused358] +[unused359] +[unused360] +[unused361] +[unused362] +[unused363] +[unused364] +[unused365] +[unused366] +[unused367] +[unused368] +[unused369] +[unused370] +[unused371] +[unused372] +[unused373] +[unused374] +[unused375] +[unused376] +[unused377] +[unused378] +[unused379] +[unused380] +[unused381] +[unused382] +[unused383] +[unused384] +[unused385] +[unused386] +[unused387] +[unused388] +[unused389] +[unused390] +[unused391] +[unused392] +[unused393] +[unused394] +[unused395] +[unused396] +[unused397] +[unused398] +[unused399] +[unused400] +[unused401] +[unused402] +[unused403] +[unused404] +[unused405] +[unused406] +[unused407] +[unused408] +[unused409] +[unused410] +[unused411] +[unused412] +[unused413] +[unused414] +[unused415] +[unused416] +[unused417] +[unused418] +[unused419] +[unused420] +[unused421] +[unused422] +[unused423] +[unused424] +[unused425] +[unused426] +[unused427] +[unused428] +[unused429] +[unused430] +[unused431] +[unused432] +[unused433] +[unused434] +[unused435] +[unused436] +[unused437] +[unused438] +[unused439] +[unused440] +[unused441] +[unused442] +[unused443] +[unused444] +[unused445] +[unused446] +[unused447] +[unused448] +[unused449] +[unused450] +[unused451] +[unused452] +[unused453] +[unused454] +[unused455] +[unused456] +[unused457] +[unused458] +[unused459] +[unused460] +[unused461] +[unused462] +[unused463] +[unused464] +[unused465] +[unused466] +[unused467] +[unused468] +[unused469] +[unused470] +[unused471] +[unused472] +[unused473] +[unused474] +[unused475] +[unused476] +[unused477] +[unused478] +[unused479] +[unused480] +[unused481] +[unused482] +[unused483] +[unused484] +[unused485] +[unused486] +[unused487] +[unused488] +[unused489] +[unused490] +[unused491] +[unused492] +[unused493] +[unused494] +[unused495] +[unused496] +[unused497] +[unused498] +[unused499] +[unused500] +[unused501] +[unused502] +[unused503] +[unused504] +[unused505] +[unused506] +[unused507] +[unused508] +[unused509] +[unused510] +[unused511] +[unused512] +[unused513] +[unused514] +[unused515] +[unused516] +[unused517] +[unused518] +[unused519] +[unused520] +[unused521] +[unused522] +[unused523] +[unused524] +[unused525] +[unused526] +[unused527] +[unused528] +[unused529] +[unused530] +[unused531] +[unused532] +[unused533] +[unused534] +[unused535] +[unused536] +[unused537] +[unused538] +[unused539] +[unused540] +[unused541] +[unused542] +[unused543] +[unused544] +[unused545] +[unused546] +[unused547] +[unused548] +[unused549] +[unused550] +[unused551] +[unused552] +[unused553] +[unused554] +[unused555] +[unused556] +[unused557] +[unused558] +[unused559] +[unused560] +[unused561] +[unused562] +[unused563] +[unused564] +[unused565] +[unused566] +[unused567] +[unused568] +[unused569] +[unused570] +[unused571] +[unused572] +[unused573] +[unused574] +[unused575] +[unused576] +[unused577] +[unused578] +[unused579] +[unused580] +[unused581] +[unused582] +[unused583] +[unused584] +[unused585] +[unused586] +[unused587] +[unused588] +[unused589] +[unused590] +[unused591] +[unused592] +[unused593] +[unused594] +[unused595] +[unused596] +[unused597] +[unused598] +[unused599] +[unused600] +[unused601] +[unused602] +[unused603] +[unused604] +[unused605] +[unused606] +[unused607] +[unused608] +[unused609] +[unused610] +[unused611] +[unused612] +[unused613] +[unused614] +[unused615] +[unused616] +[unused617] +[unused618] +[unused619] +[unused620] +[unused621] +[unused622] +[unused623] +[unused624] +[unused625] +[unused626] +[unused627] +[unused628] +[unused629] +[unused630] +[unused631] +[unused632] +[unused633] +[unused634] +[unused635] +[unused636] +[unused637] +[unused638] +[unused639] +[unused640] +[unused641] +[unused642] +[unused643] +[unused644] +[unused645] +[unused646] +[unused647] +[unused648] +[unused649] +[unused650] +[unused651] +[unused652] +[unused653] +[unused654] +[unused655] +[unused656] +[unused657] +[unused658] +[unused659] +[unused660] +[unused661] +[unused662] +[unused663] +[unused664] +[unused665] +[unused666] +[unused667] +[unused668] +[unused669] +[unused670] +[unused671] +[unused672] +[unused673] +[unused674] +[unused675] +[unused676] +[unused677] +[unused678] +[unused679] +[unused680] +[unused681] +[unused682] +[unused683] +[unused684] +[unused685] +[unused686] +[unused687] +[unused688] +[unused689] +[unused690] +[unused691] +[unused692] +[unused693] +[unused694] +[unused695] +[unused696] +[unused697] +[unused698] +[unused699] +[unused700] +[unused701] +[unused702] +[unused703] +[unused704] +[unused705] +[unused706] +[unused707] +[unused708] +[unused709] +[unused710] +[unused711] +[unused712] +[unused713] +[unused714] +[unused715] +[unused716] +[unused717] +[unused718] +[unused719] +[unused720] +[unused721] +[unused722] +[unused723] +[unused724] +[unused725] +[unused726] +[unused727] +[unused728] +[unused729] +[unused730] +[unused731] +[unused732] +[unused733] +[unused734] +[unused735] +[unused736] +[unused737] +[unused738] +[unused739] +[unused740] +[unused741] +[unused742] +[unused743] +[unused744] +[unused745] +[unused746] +[unused747] +[unused748] +[unused749] +[unused750] +[unused751] +[unused752] +[unused753] +[unused754] +[unused755] +[unused756] +[unused757] +[unused758] +[unused759] +[unused760] +[unused761] +[unused762] +[unused763] +[unused764] +[unused765] +[unused766] +[unused767] +[unused768] +[unused769] +[unused770] +[unused771] +[unused772] +[unused773] +[unused774] +[unused775] +[unused776] +[unused777] +[unused778] +[unused779] +[unused780] +[unused781] +[unused782] +[unused783] +[unused784] +[unused785] +[unused786] +[unused787] +[unused788] +[unused789] +[unused790] +[unused791] +[unused792] +[unused793] +[unused794] +[unused795] +[unused796] +[unused797] +[unused798] +[unused799] +[unused800] +[unused801] +[unused802] +[unused803] +[unused804] +[unused805] +[unused806] +[unused807] +[unused808] +[unused809] +[unused810] +[unused811] +[unused812] +[unused813] +[unused814] +[unused815] +[unused816] +[unused817] +[unused818] +[unused819] +[unused820] +[unused821] +[unused822] +[unused823] +[unused824] +[unused825] +[unused826] +[unused827] +[unused828] +[unused829] +[unused830] +[unused831] +[unused832] +[unused833] +[unused834] +[unused835] +[unused836] +[unused837] +[unused838] +[unused839] +[unused840] +[unused841] +[unused842] +[unused843] +[unused844] +[unused845] +[unused846] +[unused847] +[unused848] +[unused849] +[unused850] +[unused851] +[unused852] +[unused853] +[unused854] +[unused855] +[unused856] +[unused857] +[unused858] +[unused859] +[unused860] +[unused861] +[unused862] +[unused863] +[unused864] +[unused865] +[unused866] +[unused867] +[unused868] +[unused869] +[unused870] +[unused871] +[unused872] +[unused873] +[unused874] +[unused875] +[unused876] +[unused877] +[unused878] +[unused879] +[unused880] +[unused881] +[unused882] +[unused883] +[unused884] +[unused885] +[unused886] +[unused887] +[unused888] +[unused889] +[unused890] +[unused891] +[unused892] +[unused893] +[unused894] +[unused895] +[unused896] +[unused897] +[unused898] +[unused899] +[unused900] +[unused901] +[unused902] +[unused903] +[unused904] +[unused905] +[unused906] +[unused907] +[unused908] +[unused909] +[unused910] +[unused911] +[unused912] +[unused913] +[unused914] +[unused915] +[unused916] +[unused917] +[unused918] +[unused919] +[unused920] +[unused921] +[unused922] +[unused923] +[unused924] +[unused925] +[unused926] +[unused927] +[unused928] +[unused929] +[unused930] +[unused931] +[unused932] +[unused933] +[unused934] +[unused935] +[unused936] +[unused937] +[unused938] +[unused939] +[unused940] +[unused941] +[unused942] +[unused943] +[unused944] +[unused945] +[unused946] +[unused947] +[unused948] +[unused949] +[unused950] +[unused951] +[unused952] +[unused953] +[unused954] +[unused955] +[unused956] +[unused957] +[unused958] +[unused959] +[unused960] +[unused961] +[unused962] +[unused963] +[unused964] +[unused965] +[unused966] +[unused967] +[unused968] +[unused969] +[unused970] +[unused971] +[unused972] +[unused973] +[unused974] +[unused975] +[unused976] +[unused977] +[unused978] +[unused979] +[unused980] +[unused981] +[unused982] +[unused983] +[unused984] +[unused985] +[unused986] +[unused987] +[unused988] +[unused989] +[unused990] +[unused991] +[unused992] +[unused993] +! +" +# +$ +% +& +' +( +) +* ++ +, +- +. +/ +0 +1 +2 +3 +4 +5 +6 +7 +8 +9 +: +; +< += +> +? +@ +[ +\ +] +^ +_ +` +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 +{ +| +} +~ +¡ +¢ +£ +¤ +¥ +¦ +§ +¨ +© +ª +« +¬ +® +° +± +² +³ +´ +µ +¶ +· +¹ +º +» +¼ +½ +¾ +¿ +× +ß +æ +ð +÷ +ø +þ +đ +ħ +ı +ł +ŋ +œ +ƒ +ɐ +ɑ +ɒ +ɔ +ɕ +ə +ɛ +ɡ +ɣ +ɨ +ɪ +ɫ +ɬ +ɯ +ɲ +ɴ +ɹ +ɾ +ʀ +ʁ +ʂ +ʃ +ʉ +ʊ +ʋ +ʌ +ʎ +ʐ +ʑ +ʒ +ʔ +ʰ +ʲ +ʳ +ʷ +ʸ +ʻ +ʼ +ʾ +ʿ +ˈ +ː +ˡ +ˢ +ˣ +ˤ +α +β +γ +δ +ε +ζ +η +θ +ι +κ +λ +μ +ν +ξ +ο +π +ρ +ς +σ +τ +υ +φ +χ +ψ +ω +а +б +в +г +д +е +ж +з +и +к +л +м +н +о +п +р +с +т +у +ф +х +ц +ч +ш +щ +ъ +ы +ь +э +ю +я +ђ +є +і +ј +љ +њ +ћ +ӏ +ա +բ +գ +դ +ե +թ +ի +լ +կ +հ +մ +յ +ն +ո +պ +ս +վ +տ +ր +ւ +ք +־ +א +ב +ג +ד +ה +ו +ז +ח +ט +י +ך +כ +ל +ם +מ +ן +נ +ס +ע +ף +פ +ץ +צ +ק +ר +ש +ת +، +ء +ا +ب +ة +ت +ث +ج +ح +خ +د +ذ +ر +ز +س +ش +ص +ض +ط +ظ +ع +غ +ـ +ف +ق +ك +ل +م +ن +ه +و +ى +ي +ٹ +پ +چ +ک +گ +ں +ھ +ہ +ی +ے +अ +आ +उ +ए +क +ख +ग +च +ज +ट +ड +ण +त +थ +द +ध +न +प +ब +भ +म +य +र +ल +व +श +ष +स +ह +ा +ि +ी +ो +। +॥ +ং +অ +আ +ই +উ +এ +ও +ক +খ +গ +চ +ছ +জ +ট +ড +ণ +ত +থ +দ +ধ +ন +প +ব +ভ +ম +য +র +ল +শ +ষ +স +হ +া +ি +ী +ে +க +ச +ட +த +ந +ன +ப +ம +ய +ர +ல +ள +வ +ா +ி +ு +ே +ை +ನ +ರ +ಾ +ක +ය +ර +ල +ව +ා +ก +ง +ต +ท +น +พ +ม +ย +ร +ล +ว +ส +อ +า +เ +་ +། +ག +ང +ད +ན +པ +བ +མ +འ +ར +ལ +ས +မ +ა +ბ +გ +დ +ე +ვ +თ +ი +კ +ლ +მ +ნ +ო +რ +ს +ტ +უ +ᄀ +ᄂ +ᄃ +ᄅ +ᄆ +ᄇ +ᄉ +ᄊ +ᄋ +ᄌ +ᄎ +ᄏ +ᄐ +ᄑ +ᄒ +ᅡ +ᅢ +ᅥ +ᅦ +ᅧ +ᅩ +ᅪ +ᅭ +ᅮ +ᅯ +ᅲ +ᅳ +ᅴ +ᅵ +ᆨ +ᆫ +ᆯ +ᆷ +ᆸ +ᆼ +ᴬ +ᴮ +ᴰ +ᴵ +ᴺ +ᵀ +ᵃ +ᵇ +ᵈ +ᵉ +ᵍ +ᵏ +ᵐ +ᵒ +ᵖ +ᵗ +ᵘ +ᵢ +ᵣ +ᵤ +ᵥ +ᶜ +ᶠ +‐ +‑ +‒ +– +— +― +‖ +‘ +’ +‚ +“ +” +„ +† +‡ +• +… +‰ +′ +″ +› +‿ +⁄ +⁰ +ⁱ +⁴ +⁵ +⁶ +⁷ +⁸ +⁹ +⁺ +⁻ +ⁿ +₀ +₁ +₂ +₃ +₄ +₅ +₆ +₇ +₈ +₉ +₊ +₍ +₎ +ₐ +ₑ +ₒ +ₓ +ₕ +ₖ +ₗ +ₘ +ₙ +ₚ +ₛ +ₜ +₤ +₩ +€ +₱ +₹ +ℓ +№ +ℝ +™ +⅓ +⅔ +← +↑ +→ +↓ +↔ +↦ +⇄ +⇌ +⇒ +∂ +∅ +∆ +∇ +∈ +− +∗ +∘ +√ +∞ +∧ +∨ +∩ +∪ +≈ +≡ +≤ +≥ +⊂ +⊆ +⊕ +⊗ +⋅ +─ +│ +■ +▪ +● +★ +☆ +☉ +♠ +♣ +♥ +♦ +♭ +♯ +⟨ +⟩ +ⱼ +⺩ +⺼ +⽥ +、 +。 +〈 +〉 +《 +》 +「 +」 +『 +』 +〜 +あ +い +う +え +お +か +き +く +け +こ +さ +し +す +せ +そ +た +ち +っ +つ +て +と +な +に +ぬ +ね +の +は +ひ +ふ +へ +ほ +ま +み +む +め +も +や +ゆ +よ +ら +り +る +れ +ろ +を +ん +ァ +ア +ィ +イ +ウ +ェ +エ +オ +カ +キ +ク +ケ +コ +サ +シ +ス +セ +タ +チ +ッ +ツ +テ +ト +ナ +ニ +ノ +ハ +ヒ +フ +ヘ +ホ +マ +ミ +ム +メ +モ +ャ +ュ +ョ +ラ +リ +ル +レ +ロ +ワ +ン +・ +ー +一 +三 +上 +下 +不 +世 +中 +主 +久 +之 +也 +事 +二 +五 +井 +京 +人 +亻 +仁 +介 +代 +仮 +伊 +会 +佐 +侍 +保 +信 +健 +元 +光 +八 +公 +内 +出 +分 +前 +劉 +力 +加 +勝 +北 +区 +十 +千 +南 +博 +原 +口 +古 +史 +司 +合 +吉 +同 +名 +和 +囗 +四 +国 +國 +土 +地 +坂 +城 +堂 +場 +士 +夏 +外 +大 +天 +太 +夫 +奈 +女 +子 +学 +宀 +宇 +安 +宗 +定 +宣 +宮 +家 +宿 +寺 +將 +小 +尚 +山 +岡 +島 +崎 +川 +州 +巿 +帝 +平 +年 +幸 +广 +弘 +張 +彳 +後 +御 +德 +心 +忄 +志 +忠 +愛 +成 +我 +戦 +戸 +手 +扌 +政 +文 +新 +方 +日 +明 +星 +春 +昭 +智 +曲 +書 +月 +有 +朝 +木 +本 +李 +村 +東 +松 +林 +森 +楊 +樹 +橋 +歌 +止 +正 +武 +比 +氏 +民 +水 +氵 +氷 +永 +江 +沢 +河 +治 +法 +海 +清 +漢 +瀬 +火 +版 +犬 +王 +生 +田 +男 +疒 +発 +白 +的 +皇 +目 +相 +省 +真 +石 +示 +社 +神 +福 +禾 +秀 +秋 +空 +立 +章 +竹 +糹 +美 +義 +耳 +良 +艹 +花 +英 +華 +葉 +藤 +行 +街 +西 +見 +訁 +語 +谷 +貝 +貴 +車 +軍 +辶 +道 +郎 +郡 +部 +都 +里 +野 +金 +鈴 +镇 +長 +門 +間 +阝 +阿 +陳 +陽 +雄 +青 +面 +風 +食 +香 +馬 +高 +龍 +龸 +fi +fl +! +( +) +, +- +. +/ +: +? +~ +the +of +and +in +to +was +he +is +as +for +on +with +that +it +his +by +at +from +her +##s +she +you +had +an +were +but +be +this +are +not +my +they +one +which +or +have +him +me +first +all +also +their +has +up +who +out +been +when +after +there +into +new +two +its +##a +time +would +no +what +about +said +we +over +then +other +so +more +##e +can +if +like +back +them +only +some +could +##i +where +just +##ing +during +before +##n +do +##o +made +school +through +than +now +years +most +world +may +between +down +well +three +##d +year +while +will +##ed +##r +##y +later +##t +city +under +around +did +such +being +used +state +people +part +know +against +your +many +second +university +both +national +##er +these +don +known +off +way +until +re +how +even +get +head +... +didn +##ly +team +american +because +de +##l +born +united +film +since +still +long +work +south +us +became +any +high +again +day +family +see +right +man +eyes +house +season +war +states +including +took +life +north +same +each +called +name +much +place +however +go +four +group +another +found +won +area +here +going +10 +away +series +left +home +music +best +make +hand +number +company +several +never +last +john +000 +very +album +take +end +good +too +following +released +game +played +little +began +district +##m +old +want +those +side +held +own +early +county +ll +league +use +west +##u +face +think +##es +2010 +government +##h +march +came +small +general +town +june +##on +line +based +something +##k +september +thought +looked +along +international +2011 +air +july +club +went +january +october +our +august +april +york +12 +few +2012 +2008 +east +show +member +college +2009 +father +public +##us +come +men +five +set +station +church +##c +next +former +november +room +party +located +december +2013 +age +got +2007 +##g +system +let +love +2006 +though +every +2014 +look +song +water +century +without +body +black +night +within +great +women +single +ve +building +large +population +river +named +band +white +started +##an +once +15 +20 +should +18 +2015 +service +top +built +british +open +death +king +moved +local +times +children +february +book +why +11 +door +need +president +order +final +road +wasn +although +due +major +died +village +third +knew +2016 +asked +turned +st +wanted +say +##p +together +received +main +son +served +different +##en +behind +himself +felt +members +power +football +law +voice +play +##in +near +park +history +30 +having +2005 +16 +##man +saw +mother +##al +army +point +front +help +english +street +art +late +hands +games +award +##ia +young +14 +put +published +country +division +across +told +13 +often +ever +french +london +center +six +red +2017 +led +days +include +light +25 +find +tell +among +species +really +according +central +half +2004 +form +original +gave +office +making +enough +lost +full +opened +must +included +live +given +german +player +run +business +woman +community +cup +might +million +land +2000 +court +development +17 +short +round +ii +km +seen +class +story +always +become +sure +research +almost +director +council +la +##2 +career +things +using +island +##z +couldn +car +##is +24 +close +force +##1 +better +free +support +control +field +students +2003 +education +married +##b +nothing +worked +others +record +big +inside +level +anything +continued +give +james +##3 +military +established +non +returned +feel +does +title +written +thing +feet +william +far +co +association +hard +already +2002 +##ra +championship +human +western +100 +##na +department +hall +role +various +production +21 +19 +heart +2001 +living +fire +version +##ers +##f +television +royal +##4 +produced +working +act +case +society +region +present +radio +period +looking +least +total +keep +england +wife +program +per +brother +mind +special +22 +##le +am +works +soon +##6 +political +george +services +taken +created +##7 +further +able +reached +david +union +joined +upon +done +important +social +information +either +##ic +##x +appeared +position +ground +lead +rock +dark +election +23 +board +france +hair +course +arms +site +police +girl +instead +real +sound +##v +words +moment +##te +someone +##8 +summer +project +announced +san +less +wrote +past +followed +##5 +blue +founded +al +finally +india +taking +records +america +##ne +1999 +design +considered +northern +god +stop +battle +toward +european +outside +described +track +today +playing +language +28 +call +26 +heard +professional +low +australia +miles +california +win +yet +green +##ie +trying +blood +##ton +southern +science +maybe +everything +match +square +27 +mouth +video +race +recorded +leave +above +##9 +daughter +points +space +1998 +museum +change +middle +common +##0 +move +tv +post +##ta +lake +seven +tried +elected +closed +ten +paul +minister +##th +months +start +chief +return +canada +person +sea +release +similar +modern +brought +rest +hit +formed +mr +##la +1997 +floor +event +doing +thomas +1996 +robert +care +killed +training +star +week +needed +turn +finished +railway +rather +news +health +sent +example +ran +term +michael +coming +currently +yes +forces +despite +gold +areas +50 +stage +fact +29 +dead +says +popular +2018 +originally +germany +probably +developed +result +pulled +friend +stood +money +running +mi +signed +word +songs +child +eventually +met +tour +average +teams +minutes +festival +current +deep +kind +1995 +decided +usually +eastern +seemed +##ness +episode +bed +added +table +indian +private +charles +route +available +idea +throughout +centre +addition +appointed +style +1994 +books +eight +construction +press +mean +wall +friends +remained +schools +study +##ch +##um +institute +oh +chinese +sometimes +events +possible +1992 +australian +type +brown +forward +talk +process +food +debut +seat +performance +committee +features +character +arts +herself +else +lot +strong +russian +range +hours +peter +arm +##da +morning +dr +sold +##ry +quickly +directed +1993 +guitar +china +##w +31 +list +##ma +performed +media +uk +players +smile +##rs +myself +40 +placed +coach +province +towards +wouldn +leading +whole +boy +official +designed +grand +census +##el +europe +attack +japanese +henry +1991 +##re +##os +cross +getting +alone +action +lower +network +wide +washington +japan +1990 +hospital +believe +changed +sister +##ar +hold +gone +sir +hadn +ship +##ka +studies +academy +shot +rights +below +base +bad +involved +kept +largest +##ist +bank +future +especially +beginning +mark +movement +section +female +magazine +plan +professor +lord +longer +##ian +sat +walked +hill +actually +civil +energy +model +families +size +thus +aircraft +completed +includes +data +captain +##or +fight +vocals +featured +richard +bridge +fourth +1989 +officer +stone +hear +##ism +means +medical +groups +management +self +lips +competition +entire +lived +technology +leaving +federal +tournament +bit +passed +hot +independent +awards +kingdom +mary +spent +fine +doesn +reported +##ling +jack +fall +raised +itself +stay +true +studio +1988 +sports +replaced +paris +systems +saint +leader +theatre +whose +market +capital +parents +spanish +canadian +earth +##ity +cut +degree +writing +bay +christian +awarded +natural +higher +bill +##as +coast +provided +previous +senior +ft +valley +organization +stopped +onto +countries +parts +conference +queen +security +interest +saying +allowed +master +earlier +phone +matter +smith +winning +try +happened +moving +campaign +los +##ley +breath +nearly +mid +1987 +certain +girls +date +italian +african +standing +fell +artist +##ted +shows +deal +mine +industry +1986 +##ng +everyone +republic +provide +collection +library +student +##ville +primary +owned +older +via +heavy +1st +makes +##able +attention +anyone +africa +##ri +stated +length +ended +fingers +command +staff +skin +foreign +opening +governor +okay +medal +kill +sun +cover +job +1985 +introduced +chest +hell +feeling +##ies +success +meet +reason +standard +meeting +novel +1984 +trade +source +buildings +##land +rose +guy +goal +##ur +chapter +native +husband +previously +unit +limited +entered +weeks +producer +operations +mountain +takes +covered +forced +related +roman +complete +successful +key +texas +cold +##ya +channel +1980 +traditional +films +dance +clear +approximately +500 +nine +van +prince +question +active +tracks +ireland +regional +silver +author +personal +sense +operation +##ine +economic +1983 +holding +twenty +isbn +additional +speed +hour +edition +regular +historic +places +whom +shook +movie +km² +secretary +prior +report +chicago +read +foundation +view +engine +scored +1982 +units +ask +airport +property +ready +immediately +lady +month +listed +contract +##de +manager +themselves +lines +##ki +navy +writer +meant +##ts +runs +##ro +practice +championships +singer +glass +commission +required +forest +starting +culture +generally +giving +access +attended +test +couple +stand +catholic +martin +caught +executive +##less +eye +##ey +thinking +chair +quite +shoulder +1979 +hope +decision +plays +defeated +municipality +whether +structure +offered +slowly +pain +ice +direction +##ion +paper +mission +1981 +mostly +200 +noted +individual +managed +nature +lives +plant +##ha +helped +except +studied +computer +figure +relationship +issue +significant +loss +die +smiled +gun +ago +highest +1972 +##am +male +bring +goals +mexico +problem +distance +commercial +completely +location +annual +famous +drive +1976 +neck +1978 +surface +caused +italy +understand +greek +highway +wrong +hotel +comes +appearance +joseph +double +issues +musical +companies +castle +income +review +assembly +bass +initially +parliament +artists +experience +1974 +particular +walk +foot +engineering +talking +window +dropped +##ter +miss +baby +boys +break +1975 +stars +edge +remember +policy +carried +train +stadium +bar +sex +angeles +evidence +##ge +becoming +assistant +soviet +1977 +upper +step +wing +1970 +youth +financial +reach +##ll +actor +numerous +##se +##st +nodded +arrived +##ation +minute +##nt +believed +sorry +complex +beautiful +victory +associated +temple +1968 +1973 +chance +perhaps +metal +##son +1945 +bishop +##et +lee +launched +particularly +tree +le +retired +subject +prize +contains +yeah +theory +empire +##ce +suddenly +waiting +trust +recording +##to +happy +terms +camp +champion +1971 +religious +pass +zealand +names +2nd +port +ancient +tom +corner +represented +watch +legal +anti +justice +cause +watched +brothers +45 +material +changes +simply +response +louis +fast +##ting +answer +60 +historical +1969 +stories +straight +create +feature +increased +rate +administration +virginia +el +activities +cultural +overall +winner +programs +basketball +legs +guard +beyond +cast +doctor +mm +flight +results +remains +cost +effect +winter +##ble +larger +islands +problems +chairman +grew +commander +isn +1967 +pay +failed +selected +hurt +fort +box +regiment +majority +journal +35 +edward +plans +##ke +##ni +shown +pretty +irish +characters +directly +scene +likely +operated +allow +spring +##j +junior +matches +looks +mike +houses +fellow +##tion +beach +marriage +##ham +##ive +rules +oil +65 +florida +expected +nearby +congress +sam +peace +recent +iii +wait +subsequently +cell +##do +variety +serving +agreed +please +poor +joe +pacific +attempt +wood +democratic +piece +prime +##ca +rural +mile +touch +appears +township +1964 +1966 +soldiers +##men +##ized +1965 +pennsylvania +closer +fighting +claimed +score +jones +physical +editor +##ous +filled +genus +specific +sitting +super +mom +##va +therefore +supported +status +fear +cases +store +meaning +wales +minor +spain +tower +focus +vice +frank +follow +parish +separate +golden +horse +fifth +remaining +branch +32 +presented +stared +##id +uses +secret +forms +##co +baseball +exactly +##ck +choice +note +discovered +travel +composed +truth +russia +ball +color +kiss +dad +wind +continue +ring +referred +numbers +digital +greater +##ns +metres +slightly +direct +increase +1960 +responsible +crew +rule +trees +troops +##no +broke +goes +individuals +hundred +weight +creek +sleep +memory +defense +provides +ordered +code +value +jewish +windows +1944 +safe +judge +whatever +corps +realized +growing +pre +##ga +cities +alexander +gaze +lies +spread +scott +letter +showed +situation +mayor +transport +watching +workers +extended +##li +expression +normal +##ment +chart +multiple +border +##ba +host +##ner +daily +mrs +walls +piano +##ko +heat +cannot +##ate +earned +products +drama +era +authority +seasons +join +grade +##io +sign +difficult +machine +1963 +territory +mainly +##wood +stations +squadron +1962 +stepped +iron +19th +##led +serve +appear +sky +speak +broken +charge +knowledge +kilometres +removed +ships +article +campus +simple +##ty +pushed +britain +##ve +leaves +recently +cd +soft +boston +latter +easy +acquired +poland +##sa +quality +officers +presence +planned +nations +mass +broadcast +jean +share +image +influence +wild +offer +emperor +electric +reading +headed +ability +promoted +yellow +ministry +1942 +throat +smaller +politician +##by +latin +spoke +cars +williams +males +lack +pop +80 +##ier +acting +seeing +consists +##ti +estate +1961 +pressure +johnson +newspaper +jr +chris +olympics +online +conditions +beat +elements +walking +vote +##field +needs +carolina +text +featuring +global +block +shirt +levels +francisco +purpose +females +et +dutch +duke +ahead +gas +twice +safety +serious +turning +highly +lieutenant +firm +maria +amount +mixed +daniel +proposed +perfect +agreement +affairs +3rd +seconds +contemporary +paid +1943 +prison +save +kitchen +label +administrative +intended +constructed +academic +nice +teacher +races +1956 +formerly +corporation +ben +nation +issued +shut +1958 +drums +housing +victoria +seems +opera +1959 +graduated +function +von +mentioned +picked +build +recognized +shortly +protection +picture +notable +exchange +elections +1980s +loved +percent +racing +fish +elizabeth +garden +volume +hockey +1941 +beside +settled +##ford +1940 +competed +replied +drew +1948 +actress +marine +scotland +steel +glanced +farm +steve +1957 +risk +tonight +positive +magic +singles +effects +gray +screen +dog +##ja +residents +bus +sides +none +secondary +literature +polish +destroyed +flying +founder +households +1939 +lay +reserve +usa +gallery +##ler +1946 +industrial +younger +approach +appearances +urban +ones +1950 +finish +avenue +powerful +fully +growth +page +honor +jersey +projects +advanced +revealed +basic +90 +infantry +pair +equipment +visit +33 +evening +search +grant +effort +solo +treatment +buried +republican +primarily +bottom +owner +1970s +israel +gives +jim +dream +bob +remain +spot +70 +notes +produce +champions +contact +ed +soul +accepted +ways +del +##ally +losing +split +price +capacity +basis +trial +questions +##ina +1955 +20th +guess +officially +memorial +naval +initial +##ization +whispered +median +engineer +##ful +sydney +##go +columbia +strength +300 +1952 +tears +senate +00 +card +asian +agent +1947 +software +44 +draw +warm +supposed +com +pro +##il +transferred +leaned +##at +candidate +escape +mountains +asia +potential +activity +entertainment +seem +traffic +jackson +murder +36 +slow +product +orchestra +haven +agency +bbc +taught +website +comedy +unable +storm +planning +albums +rugby +environment +scientific +grabbed +protect +##hi +boat +typically +1954 +1953 +damage +principal +divided +dedicated +mount +ohio +##berg +pick +fought +driver +##der +empty +shoulders +sort +thank +berlin +prominent +account +freedom +necessary +efforts +alex +headquarters +follows +alongside +des +simon +andrew +suggested +operating +learning +steps +1949 +sweet +technical +begin +easily +34 +teeth +speaking +settlement +scale +##sh +renamed +ray +max +enemy +semi +joint +compared +##rd +scottish +leadership +analysis +offers +georgia +pieces +captured +animal +deputy +guest +organized +##lin +tony +combined +method +challenge +1960s +huge +wants +battalion +sons +rise +crime +types +facilities +telling +path +1951 +platform +sit +1990s +##lo +tells +assigned +rich +pull +##ot +commonly +alive +##za +letters +concept +conducted +wearing +happen +bought +becomes +holy +gets +ocean +defeat +languages +purchased +coffee +occurred +titled +##q +declared +applied +sciences +concert +sounds +jazz +brain +##me +painting +fleet +tax +nick +##ius +michigan +count +animals +leaders +episodes +##line +content +##den +birth +##it +clubs +64 +palace +critical +refused +fair +leg +laughed +returning +surrounding +participated +formation +lifted +pointed +connected +rome +medicine +laid +taylor +santa +powers +adam +tall +shared +focused +knowing +yards +entrance +falls +##wa +calling +##ad +sources +chosen +beneath +resources +yard +##ite +nominated +silence +zone +defined +##que +gained +thirty +38 +bodies +moon +##ard +adopted +christmas +widely +register +apart +iran +premier +serves +du +unknown +parties +##les +generation +##ff +continues +quick +fields +brigade +quiet +teaching +clothes +impact +weapons +partner +flat +theater +supreme +1938 +37 +relations +##tor +plants +suffered +1936 +wilson +kids +begins +##age +1918 +seats +armed +internet +models +worth +laws +400 +communities +classes +background +knows +thanks +quarter +reaching +humans +carry +killing +format +kong +hong +setting +75 +architecture +disease +railroad +inc +possibly +wish +arthur +thoughts +harry +doors +density +##di +crowd +illinois +stomach +tone +unique +reports +anyway +##ir +liberal +der +vehicle +thick +dry +drug +faced +largely +facility +theme +holds +creation +strange +colonel +##mi +revolution +bell +politics +turns +silent +rail +relief +independence +combat +shape +write +determined +sales +learned +4th +finger +oxford +providing +1937 +heritage +fiction +situated +designated +allowing +distribution +hosted +##est +sight +interview +estimated +reduced +##ria +toronto +footballer +keeping +guys +damn +claim +motion +sport +sixth +stayed +##ze +en +rear +receive +handed +twelve +dress +audience +granted +brazil +##well +spirit +##ated +noticed +etc +olympic +representative +eric +tight +trouble +reviews +drink +vampire +missing +roles +ranked +newly +household +finals +wave +critics +##ee +phase +massachusetts +pilot +unlike +philadelphia +bright +guns +crown +organizations +roof +42 +respectively +clearly +tongue +marked +circle +fox +korea +bronze +brian +expanded +sexual +supply +yourself +inspired +labour +fc +##ah +reference +vision +draft +connection +brand +reasons +1935 +classic +driving +trip +jesus +cells +entry +1920 +neither +trail +claims +atlantic +orders +labor +nose +afraid +identified +intelligence +calls +cancer +attacked +passing +stephen +positions +imperial +grey +jason +39 +sunday +48 +swedish +avoid +extra +uncle +message +covers +allows +surprise +materials +fame +hunter +##ji +1930 +citizens +figures +davis +environmental +confirmed +shit +titles +di +performing +difference +acts +attacks +##ov +existing +votes +opportunity +nor +shop +entirely +trains +opposite +pakistan +##pa +develop +resulted +representatives +actions +reality +pressed +##ish +barely +wine +conversation +faculty +northwest +ends +documentary +nuclear +stock +grace +sets +eat +alternative +##ps +bag +resulting +creating +surprised +cemetery +1919 +drop +finding +sarah +cricket +streets +tradition +ride +1933 +exhibition +target +ear +explained +rain +composer +injury +apartment +municipal +educational +occupied +netherlands +clean +billion +constitution +learn +1914 +maximum +classical +francis +lose +opposition +jose +ontario +bear +core +hills +rolled +ending +drawn +permanent +fun +##tes +##lla +lewis +sites +chamber +ryan +##way +scoring +height +1934 +##house +lyrics +staring +55 +officials +1917 +snow +oldest +##tic +orange +##ger +qualified +interior +apparently +succeeded +thousand +dinner +lights +existence +fans +heavily +41 +greatest +conservative +send +bowl +plus +enter +catch +##un +economy +duty +1929 +speech +authorities +princess +performances +versions +shall +graduate +pictures +effective +remembered +poetry +desk +crossed +starring +starts +passenger +sharp +##ant +acres +ass +weather +falling +rank +fund +supporting +check +adult +publishing +heads +cm +southeast +lane +##burg +application +bc +##ura +les +condition +transfer +prevent +display +ex +regions +earl +federation +cool +relatively +answered +besides +1928 +obtained +portion +##town +mix +##ding +reaction +liked +dean +express +peak +1932 +##tte +counter +religion +chain +rare +miller +convention +aid +lie +vehicles +mobile +perform +squad +wonder +lying +crazy +sword +##ping +attempted +centuries +weren +philosophy +category +##ize +anna +interested +47 +sweden +wolf +frequently +abandoned +kg +literary +alliance +task +entitled +##ay +threw +promotion +factory +tiny +soccer +visited +matt +fm +achieved +52 +defence +internal +persian +43 +methods +##ging +arrested +otherwise +cambridge +programming +villages +elementary +districts +rooms +criminal +conflict +worry +trained +1931 +attempts +waited +signal +bird +truck +subsequent +programme +##ol +ad +49 +communist +details +faith +sector +patrick +carrying +laugh +##ss +controlled +korean +showing +origin +fuel +evil +1927 +##ent +brief +identity +darkness +address +pool +missed +publication +web +planet +ian +anne +wings +invited +##tt +briefly +standards +kissed +##be +ideas +climate +causing +walter +worse +albert +articles +winners +desire +aged +northeast +dangerous +gate +doubt +1922 +wooden +multi +##ky +poet +rising +funding +46 +communications +communication +violence +copies +prepared +ford +investigation +skills +1924 +pulling +electronic +##ak +##ial +##han +containing +ultimately +offices +singing +understanding +restaurant +tomorrow +fashion +christ +ward +da +pope +stands +5th +flow +studios +aired +commissioned +contained +exist +fresh +americans +##per +wrestling +approved +kid +employed +respect +suit +1925 +angel +asking +increasing +frame +angry +selling +1950s +thin +finds +##nd +temperature +statement +ali +explain +inhabitants +towns +extensive +narrow +51 +jane +flowers +images +promise +somewhere +object +fly +closely +##ls +1912 +bureau +cape +1926 +weekly +presidential +legislative +1921 +##ai +##au +launch +founding +##ny +978 +##ring +artillery +strike +un +institutions +roll +writers +landing +chose +kevin +anymore +pp +##ut +attorney +fit +dan +billboard +receiving +agricultural +breaking +sought +dave +admitted +lands +mexican +##bury +charlie +specifically +hole +iv +howard +credit +moscow +roads +accident +1923 +proved +wear +struck +hey +guards +stuff +slid +expansion +1915 +cat +anthony +##kin +melbourne +opposed +sub +southwest +architect +failure +plane +1916 +##ron +map +camera +tank +listen +regarding +wet +introduction +metropolitan +link +ep +fighter +inch +grown +gene +anger +fixed +buy +dvd +khan +domestic +worldwide +chapel +mill +functions +examples +##head +developing +1910 +turkey +hits +pocket +antonio +papers +grow +unless +circuit +18th +concerned +attached +journalist +selection +journey +converted +provincial +painted +hearing +aren +bands +negative +aside +wondered +knight +lap +survey +ma +##ow +noise +billy +##ium +shooting +guide +bedroom +priest +resistance +motor +homes +sounded +giant +##mer +150 +scenes +equal +comic +patients +hidden +solid +actual +bringing +afternoon +touched +funds +wedding +consisted +marie +canal +sr +kim +treaty +turkish +recognition +residence +cathedral +broad +knees +incident +shaped +fired +norwegian +handle +cheek +contest +represent +##pe +representing +beauty +##sen +birds +advantage +emergency +wrapped +drawing +notice +pink +broadcasting +##ong +somehow +bachelor +seventh +collected +registered +establishment +alan +assumed +chemical +personnel +roger +retirement +jeff +portuguese +wore +tied +device +threat +progress +advance +##ised +banks +hired +manchester +nfl +teachers +structures +forever +##bo +tennis +helping +saturday +sale +applications +junction +hip +incorporated +neighborhood +dressed +ceremony +##ds +influenced +hers +visual +stairs +decades +inner +kansas +hung +hoped +gain +scheduled +downtown +engaged +austria +clock +norway +certainly +pale +protected +1913 +victor +employees +plate +putting +surrounded +##ists +finishing +blues +tropical +##ries +minnesota +consider +philippines +accept +54 +retrieved +1900 +concern +anderson +properties +institution +gordon +successfully +vietnam +##dy +backing +outstanding +muslim +crossing +folk +producing +usual +demand +occurs +observed +lawyer +educated +##ana +kelly +string +pleasure +budget +items +quietly +colorado +philip +typical +##worth +derived +600 +survived +asks +mental +##ide +56 +jake +jews +distinguished +ltd +1911 +sri +extremely +53 +athletic +loud +thousands +worried +shadow +transportation +horses +weapon +arena +importance +users +tim +objects +contributed +dragon +douglas +aware +senator +johnny +jordan +sisters +engines +flag +investment +samuel +shock +capable +clark +row +wheel +refers +session +familiar +biggest +wins +hate +maintained +drove +hamilton +request +expressed +injured +underground +churches +walker +wars +tunnel +passes +stupid +agriculture +softly +cabinet +regarded +joining +indiana +##ea +##ms +push +dates +spend +behavior +woods +protein +gently +chase +morgan +mention +burning +wake +combination +occur +mirror +leads +jimmy +indeed +impossible +singapore +paintings +covering +##nes +soldier +locations +attendance +sell +historian +wisconsin +invasion +argued +painter +diego +changing +egypt +##don +experienced +inches +##ku +missouri +vol +grounds +spoken +switzerland +##gan +reform +rolling +ha +forget +massive +resigned +burned +allen +tennessee +locked +values +improved +##mo +wounded +universe +sick +dating +facing +pack +purchase +user +##pur +moments +##ul +merged +anniversary +1908 +coal +brick +understood +causes +dynasty +queensland +establish +stores +crisis +promote +hoping +views +cards +referee +extension +##si +raise +arizona +improve +colonial +formal +charged +##rt +palm +lucky +hide +rescue +faces +95 +feelings +candidates +juan +##ell +goods +6th +courses +weekend +59 +luke +cash +fallen +##om +delivered +affected +installed +carefully +tries +swiss +hollywood +costs +lincoln +responsibility +##he +shore +file +proper +normally +maryland +assistance +jump +constant +offering +friendly +waters +persons +realize +contain +trophy +800 +partnership +factor +58 +musicians +cry +bound +oregon +indicated +hero +houston +medium +##ure +consisting +somewhat +##ara +57 +cycle +##che +beer +moore +frederick +gotten +eleven +worst +weak +approached +arranged +chin +loan +universal +bond +fifteen +pattern +disappeared +##ney +translated +##zed +lip +arab +capture +interests +insurance +##chi +shifted +cave +prix +warning +sections +courts +coat +plot +smell +feed +golf +favorite +maintain +knife +vs +voted +degrees +finance +quebec +opinion +translation +manner +ruled +operate +productions +choose +musician +discovery +confused +tired +separated +stream +techniques +committed +attend +ranking +kings +throw +passengers +measure +horror +fan +mining +sand +danger +salt +calm +decade +dam +require +runner +##ik +rush +associate +greece +##ker +rivers +consecutive +matthew +##ski +sighed +sq +documents +steam +edited +closing +tie +accused +1905 +##ini +islamic +distributed +directors +organisation +bruce +7th +breathing +mad +lit +arrival +concrete +taste +08 +composition +shaking +faster +amateur +adjacent +stating +1906 +twin +flew +##ran +tokyo +publications +##tone +obviously +ridge +storage +1907 +carl +pages +concluded +desert +driven +universities +ages +terminal +sequence +borough +250 +constituency +creative +cousin +economics +dreams +margaret +notably +reduce +montreal +mode +17th +ears +saved +jan +vocal +##ica +1909 +andy +##jo +riding +roughly +threatened +##ise +meters +meanwhile +landed +compete +repeated +grass +czech +regularly +charges +tea +sudden +appeal +##ung +solution +describes +pierre +classification +glad +parking +##ning +belt +physics +99 +rachel +add +hungarian +participate +expedition +damaged +gift +childhood +85 +fifty +##red +mathematics +jumped +letting +defensive +mph +##ux +##gh +testing +##hip +hundreds +shoot +owners +matters +smoke +israeli +kentucky +dancing +mounted +grandfather +emma +designs +profit +argentina +##gs +truly +li +lawrence +cole +begun +detroit +willing +branches +smiling +decide +miami +enjoyed +recordings +##dale +poverty +ethnic +gay +##bi +gary +arabic +09 +accompanied +##one +##ons +fishing +determine +residential +acid +##ary +alice +returns +starred +mail +##ang +jonathan +strategy +##ue +net +forty +cook +businesses +equivalent +commonwealth +distinct +ill +##cy +seriously +##ors +##ped +shift +harris +replace +rio +imagine +formula +ensure +##ber +additionally +scheme +conservation +occasionally +purposes +feels +favor +##and +##ore +1930s +contrast +hanging +hunt +movies +1904 +instruments +victims +danish +christopher +busy +demon +sugar +earliest +colony +studying +balance +duties +##ks +belgium +slipped +carter +05 +visible +stages +iraq +fifa +##im +commune +forming +zero +07 +continuing +talked +counties +legend +bathroom +option +tail +clay +daughters +afterwards +severe +jaw +visitors +##ded +devices +aviation +russell +kate +##vi +entering +subjects +##ino +temporary +swimming +forth +smooth +ghost +audio +bush +operates +rocks +movements +signs +eddie +##tz +ann +voices +honorary +06 +memories +dallas +pure +measures +racial +promised +66 +harvard +ceo +16th +parliamentary +indicate +benefit +flesh +dublin +louisiana +1902 +1901 +patient +sleeping +1903 +membership +coastal +medieval +wanting +element +scholars +rice +62 +limit +survive +makeup +rating +definitely +collaboration +obvious +##tan +boss +ms +baron +birthday +linked +soil +diocese +##lan +ncaa +##mann +offensive +shell +shouldn +waist +##tus +plain +ross +organ +resolution +manufacturing +adding +relative +kennedy +98 +whilst +moth +marketing +gardens +crash +72 +heading +partners +credited +carlos +moves +cable +##zi +marshall +##out +depending +bottle +represents +rejected +responded +existed +04 +jobs +denmark +lock +##ating +treated +graham +routes +talent +commissioner +drugs +secure +tests +reign +restored +photography +##gi +contributions +oklahoma +designer +disc +grin +seattle +robin +paused +atlanta +unusual +##gate +praised +las +laughing +satellite +hungary +visiting +##sky +interesting +factors +deck +poems +norman +##water +stuck +speaker +rifle +domain +premiered +##her +dc +comics +actors +01 +reputation +eliminated +8th +ceiling +prisoners +script +##nce +leather +austin +mississippi +rapidly +admiral +parallel +charlotte +guilty +tools +gender +divisions +fruit +##bs +laboratory +nelson +fantasy +marry +rapid +aunt +tribe +requirements +aspects +suicide +amongst +adams +bone +ukraine +abc +kick +sees +edinburgh +clothing +column +rough +gods +hunting +broadway +gathered +concerns +##ek +spending +ty +12th +snapped +requires +solar +bones +cavalry +##tta +iowa +drinking +waste +index +franklin +charity +thompson +stewart +tip +flash +landscape +friday +enjoy +singh +poem +listening +##back +eighth +fred +differences +adapted +bomb +ukrainian +surgery +corporate +masters +anywhere +##more +waves +odd +sean +portugal +orleans +dick +debate +kent +eating +puerto +cleared +96 +expect +cinema +97 +guitarist +blocks +electrical +agree +involving +depth +dying +panel +struggle +##ged +peninsula +adults +novels +emerged +vienna +metro +debuted +shoes +tamil +songwriter +meets +prove +beating +instance +heaven +scared +sending +marks +artistic +passage +superior +03 +significantly +shopping +##tive +retained +##izing +malaysia +technique +cheeks +##ola +warren +maintenance +destroy +extreme +allied +120 +appearing +##yn +fill +advice +alabama +qualifying +policies +cleveland +hat +battery +smart +authors +10th +soundtrack +acted +dated +lb +glance +equipped +coalition +funny +outer +ambassador +roy +possibility +couples +campbell +dna +loose +ethan +supplies +1898 +gonna +88 +monster +##res +shake +agents +frequency +springs +dogs +practices +61 +gang +plastic +easier +suggests +gulf +blade +exposed +colors +industries +markets +pan +nervous +electoral +charts +legislation +ownership +##idae +mac +appointment +shield +copy +assault +socialist +abbey +monument +license +throne +employment +jay +93 +replacement +charter +cloud +powered +suffering +accounts +oak +connecticut +strongly +wright +colour +crystal +13th +context +welsh +networks +voiced +gabriel +jerry +##cing +forehead +mp +##ens +manage +schedule +totally +remix +##ii +forests +occupation +print +nicholas +brazilian +strategic +vampires +engineers +76 +roots +seek +correct +instrumental +und +alfred +backed +hop +##des +stanley +robinson +traveled +wayne +welcome +austrian +achieve +67 +exit +rates +1899 +strip +whereas +##cs +sing +deeply +adventure +bobby +rick +jamie +careful +components +cap +useful +personality +knee +##shi +pushing +hosts +02 +protest +ca +ottoman +symphony +##sis +63 +boundary +1890 +processes +considering +considerable +tons +##work +##ft +##nia +cooper +trading +dear +conduct +91 +illegal +apple +revolutionary +holiday +definition +harder +##van +jacob +circumstances +destruction +##lle +popularity +grip +classified +liverpool +donald +baltimore +flows +seeking +honour +approval +92 +mechanical +till +happening +statue +critic +increasingly +immediate +describe +commerce +stare +##ster +indonesia +meat +rounds +boats +baker +orthodox +depression +formally +worn +naked +claire +muttered +sentence +11th +emily +document +77 +criticism +wished +vessel +spiritual +bent +virgin +parker +minimum +murray +lunch +danny +printed +compilation +keyboards +false +blow +belonged +68 +raising +78 +cutting +##board +pittsburgh +##up +9th +shadows +81 +hated +indigenous +jon +15th +barry +scholar +ah +##zer +oliver +##gy +stick +susan +meetings +attracted +spell +romantic +##ver +ye +1895 +photo +demanded +customers +##ac +1896 +logan +revival +keys +modified +commanded +jeans +##ious +upset +raw +phil +detective +hiding +resident +vincent +##bly +experiences +diamond +defeating +coverage +lucas +external +parks +franchise +helen +bible +successor +percussion +celebrated +il +lift +profile +clan +romania +##ied +mills +##su +nobody +achievement +shrugged +fault +1897 +rhythm +initiative +breakfast +carbon +700 +69 +lasted +violent +74 +wound +ken +killer +gradually +filmed +°c +dollars +processing +94 +remove +criticized +guests +sang +chemistry +##vin +legislature +disney +##bridge +uniform +escaped +integrated +proposal +purple +denied +liquid +karl +influential +morris +nights +stones +intense +experimental +twisted +71 +84 +##ld +pace +nazi +mitchell +ny +blind +reporter +newspapers +14th +centers +burn +basin +forgotten +surviving +filed +collections +monastery +losses +manual +couch +description +appropriate +merely +tag +missions +sebastian +restoration +replacing +triple +73 +elder +julia +warriors +benjamin +julian +convinced +stronger +amazing +declined +versus +merchant +happens +output +finland +bare +barbara +absence +ignored +dawn +injuries +##port +producers +##ram +82 +luis +##ities +kw +admit +expensive +electricity +nba +exception +symbol +##ving +ladies +shower +sheriff +characteristics +##je +aimed +button +ratio +effectively +summit +angle +jury +bears +foster +vessels +pants +executed +evans +dozen +advertising +kicked +patrol +1889 +competitions +lifetime +principles +athletics +##logy +birmingham +sponsored +89 +rob +nomination +1893 +acoustic +##sm +creature +longest +##tra +credits +harbor +dust +josh +##so +territories +milk +infrastructure +completion +thailand +indians +leon +archbishop +##sy +assist +pitch +blake +arrangement +girlfriend +serbian +operational +hence +sad +scent +fur +dj +sessions +hp +refer +rarely +##ora +exists +1892 +##ten +scientists +dirty +penalty +burst +portrait +seed +79 +pole +limits +rival +1894 +stable +alpha +grave +constitutional +alcohol +arrest +flower +mystery +devil +architectural +relationships +greatly +habitat +##istic +larry +progressive +remote +cotton +##ics +##ok +preserved +reaches +##ming +cited +86 +vast +scholarship +decisions +cbs +joy +teach +1885 +editions +knocked +eve +searching +partly +participation +gap +animated +fate +excellent +##ett +na +87 +alternate +saints +youngest +##ily +climbed +##ita +##tors +suggest +##ct +discussion +staying +choir +lakes +jacket +revenue +nevertheless +peaked +instrument +wondering +annually +managing +neil +1891 +signing +terry +##ice +apply +clinical +brooklyn +aim +catherine +fuck +farmers +figured +ninth +pride +hugh +evolution +ordinary +involvement +comfortable +shouted +tech +encouraged +taiwan +representation +sharing +##lia +##em +panic +exact +cargo +competing +fat +cried +83 +1920s +occasions +pa +cabin +borders +utah +marcus +##isation +badly +muscles +##ance +victorian +transition +warner +bet +permission +##rin +slave +terrible +similarly +shares +seth +uefa +possession +medals +benefits +colleges +lowered +perfectly +mall +transit +##ye +##kar +publisher +##ened +harrison +deaths +elevation +##ae +asleep +machines +sigh +ash +hardly +argument +occasion +parent +leo +decline +1888 +contribution +##ua +concentration +1000 +opportunities +hispanic +guardian +extent +emotions +hips +mason +volumes +bloody +controversy +diameter +steady +mistake +phoenix +identify +violin +##sk +departure +richmond +spin +funeral +enemies +1864 +gear +literally +connor +random +sergeant +grab +confusion +1865 +transmission +informed +op +leaning +sacred +suspended +thinks +gates +portland +luck +agencies +yours +hull +expert +muscle +layer +practical +sculpture +jerusalem +latest +lloyd +statistics +deeper +recommended +warrior +arkansas +mess +supports +greg +eagle +1880 +recovered +rated +concerts +rushed +##ano +stops +eggs +files +premiere +keith +##vo +delhi +turner +pit +affair +belief +paint +##zing +mate +##ach +##ev +victim +##ology +withdrew +bonus +styles +fled +##ud +glasgow +technologies +funded +nbc +adaptation +##ata +portrayed +cooperation +supporters +judges +bernard +justin +hallway +ralph +##ick +graduating +controversial +distant +continental +spider +bite +##ho +recognize +intention +mixing +##ese +egyptian +bow +tourism +suppose +claiming +tiger +dominated +participants +vi +##ru +nurse +partially +tape +##rum +psychology +##rn +essential +touring +duo +voting +civilian +emotional +channels +##king +apparent +hebrew +1887 +tommy +carrier +intersection +beast +hudson +##gar +##zo +lab +nova +bench +discuss +costa +##ered +detailed +behalf +drivers +unfortunately +obtain +##lis +rocky +##dae +siege +friendship +honey +##rian +1861 +amy +hang +posted +governments +collins +respond +wildlife +preferred +operator +##po +laura +pregnant +videos +dennis +suspected +boots +instantly +weird +automatic +businessman +alleged +placing +throwing +ph +mood +1862 +perry +venue +jet +remainder +##lli +##ci +passion +biological +boyfriend +1863 +dirt +buffalo +ron +segment +fa +abuse +##era +genre +thrown +stroke +colored +stress +exercise +displayed +##gen +struggled +##tti +abroad +dramatic +wonderful +thereafter +madrid +component +widespread +##sed +tale +citizen +todd +monday +1886 +vancouver +overseas +forcing +crying +descent +##ris +discussed +substantial +ranks +regime +1870 +provinces +switch +drum +zane +ted +tribes +proof +lp +cream +researchers +volunteer +manor +silk +milan +donated +allies +venture +principle +delivery +enterprise +##ves +##ans +bars +traditionally +witch +reminded +copper +##uk +pete +inter +links +colin +grinned +elsewhere +competitive +frequent +##oy +scream +##hu +tension +texts +submarine +finnish +defending +defend +pat +detail +1884 +affiliated +stuart +themes +villa +periods +tool +belgian +ruling +crimes +answers +folded +licensed +resort +demolished +hans +lucy +1881 +lion +traded +photographs +writes +craig +##fa +trials +generated +beth +noble +debt +percentage +yorkshire +erected +ss +viewed +grades +confidence +ceased +islam +telephone +retail +##ible +chile +m² +roberts +sixteen +##ich +commented +hampshire +innocent +dual +pounds +checked +regulations +afghanistan +sung +rico +liberty +assets +bigger +options +angels +relegated +tribute +wells +attending +leaf +##yan +butler +romanian +forum +monthly +lisa +patterns +gmina +##tory +madison +hurricane +rev +##ians +bristol +##ula +elite +valuable +disaster +democracy +awareness +germans +freyja +##ins +loop +absolutely +paying +populations +maine +sole +prayer +spencer +releases +doorway +bull +##ani +lover +midnight +conclusion +##sson +thirteen +lily +mediterranean +##lt +nhl +proud +sample +##hill +drummer +guinea +##ova +murphy +climb +##ston +instant +attributed +horn +ain +railways +steven +##ao +autumn +ferry +opponent +root +traveling +secured +corridor +stretched +tales +sheet +trinity +cattle +helps +indicates +manhattan +murdered +fitted +1882 +gentle +grandmother +mines +shocked +vegas +produces +##light +caribbean +##ou +belong +continuous +desperate +drunk +historically +trio +waved +raf +dealing +nathan +bat +murmured +interrupted +residing +scientist +pioneer +harold +aaron +##net +delta +attempting +minority +mini +believes +chorus +tend +lots +eyed +indoor +load +shots +updated +jail +##llo +concerning +connecting +wealth +##ved +slaves +arrive +rangers +sufficient +rebuilt +##wick +cardinal +flood +muhammad +whenever +relation +runners +moral +repair +viewers +arriving +revenge +punk +assisted +bath +fairly +breathe +lists +innings +illustrated +whisper +nearest +voters +clinton +ties +ultimate +screamed +beijing +lions +andre +fictional +gathering +comfort +radar +suitable +dismissed +hms +ban +pine +wrist +atmosphere +voivodeship +bid +timber +##ned +##nan +giants +##ane +cameron +recovery +uss +identical +categories +switched +serbia +laughter +noah +ensemble +therapy +peoples +touching +##off +locally +pearl +platforms +everywhere +ballet +tables +lanka +herbert +outdoor +toured +derek +1883 +spaces +contested +swept +1878 +exclusive +slight +connections +##dra +winds +prisoner +collective +bangladesh +tube +publicly +wealthy +thai +##ys +isolated +select +##ric +insisted +pen +fortune +ticket +spotted +reportedly +animation +enforcement +tanks +110 +decides +wider +lowest +owen +##time +nod +hitting +##hn +gregory +furthermore +magazines +fighters +solutions +##ery +pointing +requested +peru +reed +chancellor +knights +mask +worker +eldest +flames +reduction +1860 +volunteers +##tis +reporting +##hl +wire +advisory +endemic +origins +settlers +pursue +knock +consumer +1876 +eu +compound +creatures +mansion +sentenced +ivan +deployed +guitars +frowned +involves +mechanism +kilometers +perspective +shops +maps +terminus +duncan +alien +fist +bridges +##pers +heroes +fed +derby +swallowed +##ros +patent +sara +illness +characterized +adventures +slide +hawaii +jurisdiction +##op +organised +##side +adelaide +walks +biology +se +##ties +rogers +swing +tightly +boundaries +##rie +prepare +implementation +stolen +##sha +certified +colombia +edwards +garage +##mm +recalled +##ball +rage +harm +nigeria +breast +##ren +furniture +pupils +settle +##lus +cuba +balls +client +alaska +21st +linear +thrust +celebration +latino +genetic +terror +##cia +##ening +lightning +fee +witness +lodge +establishing +skull +##ique +earning +hood +##ei +rebellion +wang +sporting +warned +missile +devoted +activist +porch +worship +fourteen +package +1871 +decorated +##shire +housed +##ock +chess +sailed +doctors +oscar +joan +treat +garcia +harbour +jeremy +##ire +traditions +dominant +jacques +##gon +##wan +relocated +1879 +amendment +sized +companion +simultaneously +volleyball +spun +acre +increases +stopping +loves +belongs +affect +drafted +tossed +scout +battles +1875 +filming +shoved +munich +tenure +vertical +romance +pc +##cher +argue +##ical +craft +ranging +www +opens +honest +tyler +yesterday +virtual +##let +muslims +reveal +snake +immigrants +radical +screaming +speakers +firing +saving +belonging +ease +lighting +prefecture +blame +farmer +hungry +grows +rubbed +beam +sur +subsidiary +##cha +armenian +sao +dropping +conventional +##fer +microsoft +reply +qualify +spots +1867 +sweat +festivals +##ken +immigration +physician +discover +exposure +sandy +explanation +isaac +implemented +##fish +hart +initiated +connect +stakes +presents +heights +householder +pleased +tourist +regardless +slip +closest +##ction +surely +sultan +brings +riley +preparation +aboard +slammed +baptist +experiment +ongoing +interstate +organic +playoffs +##ika +1877 +130 +##tar +hindu +error +tours +tier +plenty +arrangements +talks +trapped +excited +sank +ho +athens +1872 +denver +welfare +suburb +athletes +trick +diverse +belly +exclusively +yelled +1868 +##med +conversion +##ette +1874 +internationally +computers +conductor +abilities +sensitive +hello +dispute +measured +globe +rocket +prices +amsterdam +flights +tigers +inn +municipalities +emotion +references +3d +##mus +explains +airlines +manufactured +pm +archaeological +1873 +interpretation +devon +comment +##ites +settlements +kissing +absolute +improvement +suite +impressed +barcelona +sullivan +jefferson +towers +jesse +julie +##tin +##lu +grandson +hi +gauge +regard +rings +interviews +trace +raymond +thumb +departments +burns +serial +bulgarian +scores +demonstrated +##ix +1866 +kyle +alberta +underneath +romanized +##ward +relieved +acquisition +phrase +cliff +reveals +han +cuts +merger +custom +##dar +nee +gilbert +graduation +##nts +assessment +cafe +difficulty +demands +swung +democrat +jennifer +commons +1940s +grove +##yo +completing +focuses +sum +substitute +bearing +stretch +reception +##py +reflected +essentially +destination +pairs +##ched +survival +resource +##bach +promoting +doubles +messages +tear +##down +##fully +parade +florence +harvey +incumbent +partial +framework +900 +pedro +frozen +procedure +olivia +controls +##mic +shelter +personally +temperatures +##od +brisbane +tested +sits +marble +comprehensive +oxygen +leonard +##kov +inaugural +iranian +referring +quarters +attitude +##ivity +mainstream +lined +mars +dakota +norfolk +unsuccessful +##° +explosion +helicopter +congressional +##sing +inspector +bitch +seal +departed +divine +##ters +coaching +examination +punishment +manufacturer +sink +columns +unincorporated +signals +nevada +squeezed +dylan +dining +photos +martial +manuel +eighteen +elevator +brushed +plates +ministers +ivy +congregation +##len +slept +specialized +taxes +curve +restricted +negotiations +likes +statistical +arnold +inspiration +execution +bold +intermediate +significance +margin +ruler +wheels +gothic +intellectual +dependent +listened +eligible +buses +widow +syria +earn +cincinnati +collapsed +recipient +secrets +accessible +philippine +maritime +goddess +clerk +surrender +breaks +playoff +database +##ified +##lon +ideal +beetle +aspect +soap +regulation +strings +expand +anglo +shorter +crosses +retreat +tough +coins +wallace +directions +pressing +##oon +shipping +locomotives +comparison +topics +nephew +##mes +distinction +honors +travelled +sierra +ibn +##over +fortress +sa +recognised +carved +1869 +clients +##dan +intent +##mar +coaches +describing +bread +##ington +beaten +northwestern +##ona +merit +youtube +collapse +challenges +em +historians +objective +submitted +virus +attacking +drake +assume +##ere +diseases +marc +stem +leeds +##cus +##ab +farming +glasses +##lock +visits +nowhere +fellowship +relevant +carries +restaurants +experiments +101 +constantly +bases +targets +shah +tenth +opponents +verse +territorial +##ira +writings +corruption +##hs +instruction +inherited +reverse +emphasis +##vic +employee +arch +keeps +rabbi +watson +payment +uh +##ala +nancy +##tre +venice +fastest +sexy +banned +adrian +properly +ruth +touchdown +dollar +boards +metre +circles +edges +favour +comments +ok +travels +liberation +scattered +firmly +##ular +holland +permitted +diesel +kenya +den +originated +##ral +demons +resumed +dragged +rider +##rus +servant +blinked +extend +torn +##ias +##sey +input +meal +everybody +cylinder +kinds +camps +##fe +bullet +logic +##wn +croatian +evolved +healthy +fool +chocolate +wise +preserve +pradesh +##ess +respective +1850 +##ew +chicken +artificial +gross +corresponding +convicted +cage +caroline +dialogue +##dor +narrative +stranger +mario +br +christianity +failing +trent +commanding +buddhist +1848 +maurice +focusing +yale +bike +altitude +##ering +mouse +revised +##sley +veteran +##ig +pulls +theology +crashed +campaigns +legion +##ability +drag +excellence +customer +cancelled +intensity +excuse +##lar +liga +participating +contributing +printing +##burn +variable +##rk +curious +bin +legacy +renaissance +##my +symptoms +binding +vocalist +dancer +##nie +grammar +gospel +democrats +ya +enters +sc +diplomatic +hitler +##ser +clouds +mathematical +quit +defended +oriented +##heim +fundamental +hardware +impressive +equally +convince +confederate +guilt +chuck +sliding +##ware +magnetic +narrowed +petersburg +bulgaria +otto +phd +skill +##ama +reader +hopes +pitcher +reservoir +hearts +automatically +expecting +mysterious +bennett +extensively +imagined +seeds +monitor +fix +##ative +journalism +struggling +signature +ranch +encounter +photographer +observation +protests +##pin +influences +##hr +calendar +##all +cruz +croatia +locomotive +hughes +naturally +shakespeare +basement +hook +uncredited +faded +theories +approaches +dare +phillips +filling +fury +obama +##ain +efficient +arc +deliver +min +raid +breeding +inducted +leagues +efficiency +axis +montana +eagles +##ked +supplied +instructions +karen +picking +indicating +trap +anchor +practically +christians +tomb +vary +occasional +electronics +lords +readers +newcastle +faint +innovation +collect +situations +engagement +160 +claude +mixture +##feld +peer +tissue +logo +lean +##ration +°f +floors +##ven +architects +reducing +##our +##ments +rope +1859 +ottawa +##har +samples +banking +declaration +proteins +resignation +francois +saudi +advocate +exhibited +armor +twins +divorce +##ras +abraham +reviewed +jo +temporarily +matrix +physically +pulse +curled +##ena +difficulties +bengal +usage +##ban +annie +riders +certificate +##pi +holes +warsaw +distinctive +jessica +##mon +mutual +1857 +customs +circular +eugene +removal +loaded +mere +vulnerable +depicted +generations +dame +heir +enormous +lightly +climbing +pitched +lessons +pilots +nepal +ram +google +preparing +brad +louise +renowned +##₂ +liam +##ably +plaza +shaw +sophie +brilliant +bills +##bar +##nik +fucking +mainland +server +pleasant +seized +veterans +jerked +fail +beta +brush +radiation +stored +warmth +southeastern +nate +sin +raced +berkeley +joke +athlete +designation +trunk +##low +roland +qualification +archives +heels +artwork +receives +judicial +reserves +##bed +woke +installation +abu +floating +fake +lesser +excitement +interface +concentrated +addressed +characteristic +amanda +saxophone +monk +auto +##bus +releasing +egg +dies +interaction +defender +ce +outbreak +glory +loving +##bert +sequel +consciousness +http +awake +ski +enrolled +##ress +handling +rookie +brow +somebody +biography +warfare +amounts +contracts +presentation +fabric +dissolved +challenged +meter +psychological +lt +elevated +rally +accurate +##tha +hospitals +undergraduate +specialist +venezuela +exhibit +shed +nursing +protestant +fluid +structural +footage +jared +consistent +prey +##ska +succession +reflect +exile +lebanon +wiped +suspect +shanghai +resting +integration +preservation +marvel +variant +pirates +sheep +rounded +capita +sailing +colonies +manuscript +deemed +variations +clarke +functional +emerging +boxing +relaxed +curse +azerbaijan +heavyweight +nickname +editorial +rang +grid +tightened +earthquake +flashed +miguel +rushing +##ches +improvements +boxes +brooks +180 +consumption +molecular +felix +societies +repeatedly +variation +aids +civic +graphics +professionals +realm +autonomous +receiver +delayed +workshop +militia +chairs +trump +canyon +##point +harsh +extending +lovely +happiness +##jan +stake +eyebrows +embassy +wellington +hannah +##ella +sony +corners +bishops +swear +cloth +contents +xi +namely +commenced +1854 +stanford +nashville +courage +graphic +commitment +garrison +##bin +hamlet +clearing +rebels +attraction +literacy +cooking +ruins +temples +jenny +humanity +celebrate +hasn +freight +sixty +rebel +bastard +##art +newton +##ada +deer +##ges +##ching +smiles +delaware +singers +##ets +approaching +assists +flame +##ph +boulevard +barrel +planted +##ome +pursuit +##sia +consequences +posts +shallow +invitation +rode +depot +ernest +kane +rod +concepts +preston +topic +chambers +striking +blast +arrives +descendants +montgomery +ranges +worlds +##lay +##ari +span +chaos +praise +##ag +fewer +1855 +sanctuary +mud +fbi +##ions +programmes +maintaining +unity +harper +bore +handsome +closure +tournaments +thunder +nebraska +linda +facade +puts +satisfied +argentine +dale +cork +dome +panama +##yl +1858 +tasks +experts +##ates +feeding +equation +##las +##ida +##tu +engage +bryan +##ax +um +quartet +melody +disbanded +sheffield +blocked +gasped +delay +kisses +maggie +connects +##non +sts +poured +creator +publishers +##we +guided +ellis +extinct +hug +gaining +##ord +complicated +##bility +poll +clenched +investigate +##use +thereby +quantum +spine +cdp +humor +kills +administered +semifinals +##du +encountered +ignore +##bu +commentary +##maker +bother +roosevelt +140 +plains +halfway +flowing +cultures +crack +imprisoned +neighboring +airline +##ses +##view +##mate +##ec +gather +wolves +marathon +transformed +##ill +cruise +organisations +carol +punch +exhibitions +numbered +alarm +ratings +daddy +silently +##stein +queens +colours +impression +guidance +liu +tactical +##rat +marshal +della +arrow +##ings +rested +feared +tender +owns +bitter +advisor +escort +##ides +spare +farms +grants +##ene +dragons +encourage +colleagues +cameras +##und +sucked +pile +spirits +prague +statements +suspension +landmark +fence +torture +recreation +bags +permanently +survivors +pond +spy +predecessor +bombing +coup +##og +protecting +transformation +glow +##lands +##book +dug +priests +andrea +feat +barn +jumping +##chen +##ologist +##con +casualties +stern +auckland +pipe +serie +revealing +ba +##bel +trevor +mercy +spectrum +yang +consist +governing +collaborated +possessed +epic +comprises +blew +shane +##ack +lopez +honored +magical +sacrifice +judgment +perceived +hammer +mtv +baronet +tune +das +missionary +sheets +350 +neutral +oral +threatening +attractive +shade +aims +seminary +##master +estates +1856 +michel +wounds +refugees +manufacturers +##nic +mercury +syndrome +porter +##iya +##din +hamburg +identification +upstairs +purse +widened +pause +cared +breathed +affiliate +santiago +prevented +celtic +fisher +125 +recruited +byzantine +reconstruction +farther +##mp +diet +sake +au +spite +sensation +##ert +blank +separation +105 +##hon +vladimir +armies +anime +##lie +accommodate +orbit +cult +sofia +archive +##ify +##box +founders +sustained +disorder +honours +northeastern +mia +crops +violet +threats +blanket +fires +canton +followers +southwestern +prototype +voyage +assignment +altered +moderate +protocol +pistol +##eo +questioned +brass +lifting +1852 +math +authored +##ual +doug +dimensional +dynamic +##san +1851 +pronounced +grateful +quest +uncomfortable +boom +presidency +stevens +relating +politicians +chen +barrier +quinn +diana +mosque +tribal +cheese +palmer +portions +sometime +chester +treasure +wu +bend +download +millions +reforms +registration +##osa +consequently +monitoring +ate +preliminary +brandon +invented +ps +eaten +exterior +intervention +ports +documented +log +displays +lecture +sally +favourite +##itz +vermont +lo +invisible +isle +breed +##ator +journalists +relay +speaks +backward +explore +midfielder +actively +stefan +procedures +cannon +blond +kenneth +centered +servants +chains +libraries +malcolm +essex +henri +slavery +##hal +facts +fairy +coached +cassie +cats +washed +cop +##fi +announcement +item +2000s +vinyl +activated +marco +frontier +growled +curriculum +##das +loyal +accomplished +leslie +ritual +kenny +##00 +vii +napoleon +hollow +hybrid +jungle +stationed +friedrich +counted +##ulated +platinum +theatrical +seated +col +rubber +glen +1840 +diversity +healing +extends +id +provisions +administrator +columbus +##oe +tributary +te +assured +org +##uous +prestigious +examined +lectures +grammy +ronald +associations +bailey +allan +essays +flute +believing +consultant +proceedings +travelling +1853 +kit +kerala +yugoslavia +buddy +methodist +##ith +burial +centres +batman +##nda +discontinued +bo +dock +stockholm +lungs +severely +##nk +citing +manga +##ugh +steal +mumbai +iraqi +robot +celebrity +bride +broadcasts +abolished +pot +joel +overhead +franz +packed +reconnaissance +johann +acknowledged +introduce +handled +doctorate +developments +drinks +alley +palestine +##nis +##aki +proceeded +recover +bradley +grain +patch +afford +infection +nationalist +legendary +##ath +interchange +virtually +gen +gravity +exploration +amber +vital +wishes +powell +doctrine +elbow +screenplay +##bird +contribute +indonesian +pet +creates +##com +enzyme +kylie +discipline +drops +manila +hunger +##ien +layers +suffer +fever +bits +monica +keyboard +manages +##hood +searched +appeals +##bad +testament +grande +reid +##war +beliefs +congo +##ification +##dia +si +requiring +##via +casey +1849 +regret +streak +rape +depends +syrian +sprint +pound +tourists +upcoming +pub +##xi +tense +##els +practiced +echo +nationwide +guild +motorcycle +liz +##zar +chiefs +desired +elena +bye +precious +absorbed +relatives +booth +pianist +##mal +citizenship +exhausted +wilhelm +##ceae +##hed +noting +quarterback +urge +hectares +##gue +ace +holly +##tal +blonde +davies +parked +sustainable +stepping +twentieth +airfield +galaxy +nest +chip +##nell +tan +shaft +paulo +requirement +##zy +paradise +tobacco +trans +renewed +vietnamese +##cker +##ju +suggesting +catching +holmes +enjoying +md +trips +colt +holder +butterfly +nerve +reformed +cherry +bowling +trailer +carriage +goodbye +appreciate +toy +joshua +interactive +enabled +involve +##kan +collar +determination +bunch +facebook +recall +shorts +superintendent +episcopal +frustration +giovanni +nineteenth +laser +privately +array +circulation +##ovic +armstrong +deals +painful +permit +discrimination +##wi +aires +retiring +cottage +ni +##sta +horizon +ellen +jamaica +ripped +fernando +chapters +playstation +patron +lecturer +navigation +behaviour +genes +georgian +export +solomon +rivals +swift +seventeen +rodriguez +princeton +independently +sox +1847 +arguing +entity +casting +hank +criteria +oakland +geographic +milwaukee +reflection +expanding +conquest +dubbed +##tv +halt +brave +brunswick +doi +arched +curtis +divorced +predominantly +somerset +streams +ugly +zoo +horrible +curved +buenos +fierce +dictionary +vector +theological +unions +handful +stability +chan +punjab +segments +##lly +altar +ignoring +gesture +monsters +pastor +##stone +thighs +unexpected +operators +abruptly +coin +compiled +associates +improving +migration +pin +##ose +compact +collegiate +reserved +##urs +quarterfinals +roster +restore +assembled +hurry +oval +##cies +1846 +flags +martha +##del +victories +sharply +##rated +argues +deadly +neo +drawings +symbols +performer +##iel +griffin +restrictions +editing +andrews +java +journals +arabia +compositions +dee +pierce +removing +hindi +casino +runway +civilians +minds +nasa +hotels +##zation +refuge +rent +retain +potentially +conferences +suburban +conducting +##tto +##tions +##tle +descended +massacre +##cal +ammunition +terrain +fork +souls +counts +chelsea +durham +drives +cab +##bank +perth +realizing +palestinian +finn +simpson +##dal +betty +##ule +moreover +particles +cardinals +tent +evaluation +extraordinary +##oid +inscription +##works +wednesday +chloe +maintains +panels +ashley +trucks +##nation +cluster +sunlight +strikes +zhang +##wing +dialect +canon +##ap +tucked +##ws +collecting +##mas +##can +##sville +maker +quoted +evan +franco +aria +buying +cleaning +eva +closet +provision +apollo +clinic +rat +##ez +necessarily +ac +##gle +##ising +venues +flipped +cent +spreading +trustees +checking +authorized +##sco +disappointed +##ado +notion +duration +trumpet +hesitated +topped +brussels +rolls +theoretical +hint +define +aggressive +repeat +wash +peaceful +optical +width +allegedly +mcdonald +strict +copyright +##illa +investors +mar +jam +witnesses +sounding +miranda +michelle +privacy +hugo +harmony +##pp +valid +lynn +glared +nina +102 +headquartered +diving +boarding +gibson +##ncy +albanian +marsh +routine +dealt +enhanced +er +intelligent +substance +targeted +enlisted +discovers +spinning +observations +pissed +smoking +rebecca +capitol +visa +varied +costume +seemingly +indies +compensation +surgeon +thursday +arsenal +westminster +suburbs +rid +anglican +##ridge +knots +foods +alumni +lighter +fraser +whoever +portal +scandal +##ray +gavin +advised +instructor +flooding +terrorist +##ale +teenage +interim +senses +duck +teen +thesis +abby +eager +overcome +##ile +newport +glenn +rises +shame +##cc +prompted +priority +forgot +bomber +nicolas +protective +360 +cartoon +katherine +breeze +lonely +trusted +henderson +richardson +relax +banner +candy +palms +remarkable +##rio +legends +cricketer +essay +ordained +edmund +rifles +trigger +##uri +##away +sail +alert +1830 +audiences +penn +sussex +siblings +pursued +indianapolis +resist +rosa +consequence +succeed +avoided +1845 +##ulation +inland +##tie +##nna +counsel +profession +chronicle +hurried +##una +eyebrow +eventual +bleeding +innovative +cure +##dom +committees +accounting +con +scope +hardy +heather +tenor +gut +herald +codes +tore +scales +wagon +##oo +luxury +tin +prefer +fountain +triangle +bonds +darling +convoy +dried +traced +beings +troy +accidentally +slam +findings +smelled +joey +lawyers +outcome +steep +bosnia +configuration +shifting +toll +brook +performers +lobby +philosophical +construct +shrine +aggregate +boot +cox +phenomenon +savage +insane +solely +reynolds +lifestyle +##ima +nationally +holdings +consideration +enable +edgar +mo +mama +##tein +fights +relegation +chances +atomic +hub +conjunction +awkward +reactions +currency +finale +kumar +underwent +steering +elaborate +gifts +comprising +melissa +veins +reasonable +sunshine +chi +solve +trails +inhabited +elimination +ethics +huh +ana +molly +consent +apartments +layout +marines +##ces +hunters +bulk +##oma +hometown +##wall +##mont +cracked +reads +neighbouring +withdrawn +admission +wingspan +damned +anthology +lancashire +brands +batting +forgive +cuban +awful +##lyn +104 +dimensions +imagination +##ade +dante +##ship +tracking +desperately +goalkeeper +##yne +groaned +workshops +confident +burton +gerald +milton +circus +uncertain +slope +copenhagen +sophia +fog +philosopher +portraits +accent +cycling +varying +gripped +larvae +garrett +specified +scotia +mature +luther +kurt +rap +##kes +aerial +750 +ferdinand +heated +es +transported +##shan +safely +nonetheless +##orn +##gal +motors +demanding +##sburg +startled +##brook +ally +generate +caps +ghana +stained +demo +mentions +beds +ap +afterward +diary +##bling +utility +##iro +richards +1837 +conspiracy +conscious +shining +footsteps +observer +cyprus +urged +loyalty +developer +probability +olive +upgraded +gym +miracle +insects +graves +1844 +ourselves +hydrogen +amazon +katie +tickets +poets +##pm +planes +##pan +prevention +witnessed +dense +jin +randy +tang +warehouse +monroe +bang +archived +elderly +investigations +alec +granite +mineral +conflicts +controlling +aboriginal +carlo +##zu +mechanics +stan +stark +rhode +skirt +est +##berry +bombs +respected +##horn +imposed +limestone +deny +nominee +memphis +grabbing +disabled +##als +amusement +aa +frankfurt +corn +referendum +varies +slowed +disk +firms +unconscious +incredible +clue +sue +##zhou +twist +##cio +joins +idaho +chad +developers +computing +destroyer +103 +mortal +tucker +kingston +choices +yu +carson +1800 +os +whitney +geneva +pretend +dimension +staged +plateau +maya +##une +freestyle +##bc +rovers +hiv +##ids +tristan +classroom +prospect +##hus +honestly +diploma +lied +thermal +auxiliary +feast +unlikely +iata +##tel +morocco +pounding +treasury +lithuania +considerably +1841 +dish +1812 +geological +matching +stumbled +destroying +marched +brien +advances +cake +nicole +belle +settling +measuring +directing +##mie +tuesday +bassist +capabilities +stunned +fraud +torpedo +##list +##phone +anton +wisdom +surveillance +ruined +##ulate +lawsuit +healthcare +theorem +halls +trend +aka +horizontal +dozens +acquire +lasting +swim +hawk +gorgeous +fees +vicinity +decrease +adoption +tactics +##ography +pakistani +##ole +draws +##hall +willie +burke +heath +algorithm +integral +powder +elliott +brigadier +jackie +tate +varieties +darker +##cho +lately +cigarette +specimens +adds +##ree +##ensis +##inger +exploded +finalist +cia +murders +wilderness +arguments +nicknamed +acceptance +onwards +manufacture +robertson +jets +tampa +enterprises +blog +loudly +composers +nominations +1838 +ai +malta +inquiry +automobile +hosting +viii +rays +tilted +grief +museums +strategies +furious +euro +equality +cohen +poison +surrey +wireless +governed +ridiculous +moses +##esh +##room +vanished +##ito +barnes +attract +morrison +istanbul +##iness +absent +rotation +petition +janet +##logical +satisfaction +custody +deliberately +observatory +comedian +surfaces +pinyin +novelist +strictly +canterbury +oslo +monks +embrace +ibm +jealous +photograph +continent +dorothy +marina +doc +excess +holden +allegations +explaining +stack +avoiding +lance +storyline +majesty +poorly +spike +dos +bradford +raven +travis +classics +proven +voltage +pillow +fists +butt +1842 +interpreted +##car +1839 +gage +telegraph +lens +promising +expelled +casual +collector +zones +##min +silly +nintendo +##kh +##bra +downstairs +chef +suspicious +afl +flies +vacant +uganda +pregnancy +condemned +lutheran +estimates +cheap +decree +saxon +proximity +stripped +idiot +deposits +contrary +presenter +magnus +glacier +im +offense +edwin +##ori +upright +##long +bolt +##ois +toss +geographical +##izes +environments +delicate +marking +abstract +xavier +nails +windsor +plantation +occurring +equity +saskatchewan +fears +drifted +sequences +vegetation +revolt +##stic +1843 +sooner +fusion +opposing +nato +skating +1836 +secretly +ruin +lease +##oc +edit +##nne +flora +anxiety +ruby +##ological +##mia +tel +bout +taxi +emmy +frost +rainbow +compounds +foundations +rainfall +assassination +nightmare +dominican +##win +achievements +deserve +orlando +intact +armenia +##nte +calgary +valentine +106 +marion +proclaimed +theodore +bells +courtyard +thigh +gonzalez +console +troop +minimal +monte +everyday +##ence +##if +supporter +terrorism +buck +openly +presbyterian +activists +carpet +##iers +rubbing +uprising +##yi +cute +conceived +legally +##cht +millennium +cello +velocity +ji +rescued +cardiff +1835 +rex +concentrate +senators +beard +rendered +glowing +battalions +scouts +competitors +sculptor +catalogue +arctic +ion +raja +bicycle +wow +glancing +lawn +##woman +gentleman +lighthouse +publish +predicted +calculated +##val +variants +##gne +strain +##ui +winston +deceased +##nus +touchdowns +brady +caleb +sinking +echoed +crush +hon +blessed +protagonist +hayes +endangered +magnitude +editors +##tine +estimate +responsibilities +##mel +backup +laying +consumed +sealed +zurich +lovers +frustrated +##eau +ahmed +kicking +mit +treasurer +1832 +biblical +refuse +terrified +pump +agrees +genuine +imprisonment +refuses +plymouth +##hen +lou +##nen +tara +trembling +antarctic +ton +learns +##tas +crap +crucial +faction +atop +##borough +wrap +lancaster +odds +hopkins +erik +lyon +##eon +bros +##ode +snap +locality +tips +empress +crowned +cal +acclaimed +chuckled +##ory +clara +sends +mild +towel +##fl +##day +##а +wishing +assuming +interviewed +##bal +##die +interactions +eden +cups +helena +##lf +indie +beck +##fire +batteries +filipino +wizard +parted +##lam +traces +##born +rows +idol +albany +delegates +##ees +##sar +discussions +##ex +notre +instructed +belgrade +highways +suggestion +lauren +possess +orientation +alexandria +abdul +beats +salary +reunion +ludwig +alright +wagner +intimate +pockets +slovenia +hugged +brighton +merchants +cruel +stole +trek +slopes +repairs +enrollment +politically +underlying +promotional +counting +boeing +##bb +isabella +naming +##и +keen +bacteria +listing +separately +belfast +ussr +450 +lithuanian +anybody +ribs +sphere +martinez +cock +embarrassed +proposals +fragments +nationals +##fs +##wski +premises +fin +1500 +alpine +matched +freely +bounded +jace +sleeve +##af +gaming +pier +populated +evident +##like +frances +flooded +##dle +frightened +pour +trainer +framed +visitor +challenging +pig +wickets +##fold +infected +email +##pes +arose +##aw +reward +ecuador +oblast +vale +ch +shuttle +##usa +bach +rankings +forbidden +cornwall +accordance +salem +consumers +bruno +fantastic +toes +machinery +resolved +julius +remembering +propaganda +iceland +bombardment +tide +contacts +wives +##rah +concerto +macdonald +albania +implement +daisy +tapped +sudan +helmet +angela +mistress +##lic +crop +sunk +finest +##craft +hostile +##ute +##tsu +boxer +fr +paths +adjusted +habit +ballot +supervision +soprano +##zen +bullets +wicked +sunset +regiments +disappear +lamp +performs +app +##gia +##oa +rabbit +digging +incidents +entries +##cion +dishes +##oi +introducing +##ati +##fied +freshman +slot +jill +tackles +baroque +backs +##iest +lone +sponsor +destiny +altogether +convert +##aro +consensus +shapes +demonstration +basically +feminist +auction +artifacts +##bing +strongest +twitter +halifax +2019 +allmusic +mighty +smallest +precise +alexandra +viola +##los +##ille +manuscripts +##illo +dancers +ari +managers +monuments +blades +barracks +springfield +maiden +consolidated +electron +##end +berry +airing +wheat +nobel +inclusion +blair +payments +geography +bee +cc +eleanor +react +##hurst +afc +manitoba +##yu +su +lineup +fitness +recreational +investments +airborne +disappointment +##dis +edmonton +viewing +##row +renovation +##cast +infant +bankruptcy +roses +aftermath +pavilion +##yer +carpenter +withdrawal +ladder +##hy +discussing +popped +reliable +agreements +rochester +##abad +curves +bombers +220 +rao +reverend +decreased +choosing +107 +stiff +consulting +naples +crawford +tracy +ka +ribbon +cops +##lee +crushed +deciding +unified +teenager +accepting +flagship +explorer +poles +sanchez +inspection +revived +skilled +induced +exchanged +flee +locals +tragedy +swallow +loading +hanna +demonstrate +##ela +salvador +flown +contestants +civilization +##ines +wanna +rhodes +fletcher +hector +knocking +considers +##ough +nash +mechanisms +sensed +mentally +walt +unclear +##eus +renovated +madame +##cks +crews +governmental +##hin +undertaken +monkey +##ben +##ato +fatal +armored +copa +caves +governance +grasp +perception +certification +froze +damp +tugged +wyoming +##rg +##ero +newman +##lor +nerves +curiosity +graph +115 +##ami +withdraw +tunnels +dull +meredith +moss +exhibits +neighbors +communicate +accuracy +explored +raiders +republicans +secular +kat +superman +penny +criticised +##tch +freed +update +conviction +wade +ham +likewise +delegation +gotta +doll +promises +technological +myth +nationality +resolve +convent +##mark +sharon +dig +sip +coordinator +entrepreneur +fold +##dine +capability +councillor +synonym +blown +swan +cursed +1815 +jonas +haired +sofa +canvas +keeper +rivalry +##hart +rapper +speedway +swords +postal +maxwell +estonia +potter +recurring +##nn +##ave +errors +##oni +cognitive +1834 +##² +claws +nadu +roberto +bce +wrestler +ellie +##ations +infinite +ink +##tia +presumably +finite +staircase +108 +noel +patricia +nacional +##cation +chill +eternal +tu +preventing +prussia +fossil +limbs +##logist +ernst +frog +perez +rene +##ace +pizza +prussian +##ios +##vy +molecules +regulatory +answering +opinions +sworn +lengths +supposedly +hypothesis +upward +habitats +seating +ancestors +drank +yield +hd +synthesis +researcher +modest +##var +mothers +peered +voluntary +homeland +##the +acclaim +##igan +static +valve +luxembourg +alto +carroll +fe +receptor +norton +ambulance +##tian +johnston +catholics +depicting +jointly +elephant +gloria +mentor +badge +ahmad +distinguish +remarked +councils +precisely +allison +advancing +detection +crowded +##10 +cooperative +ankle +mercedes +dagger +surrendered +pollution +commit +subway +jeffrey +lesson +sculptures +provider +##fication +membrane +timothy +rectangular +fiscal +heating +teammate +basket +particle +anonymous +deployment +##ple +missiles +courthouse +proportion +shoe +sec +##ller +complaints +forbes +blacks +abandon +remind +sizes +overwhelming +autobiography +natalie +##awa +risks +contestant +countryside +babies +scorer +invaded +enclosed +proceed +hurling +disorders +##cu +reflecting +continuously +cruiser +graduates +freeway +investigated +ore +deserved +maid +blocking +phillip +jorge +shakes +dove +mann +variables +lacked +burden +accompanying +que +consistently +organizing +provisional +complained +endless +##rm +tubes +juice +georges +krishna +mick +labels +thriller +##uch +laps +arcade +sage +snail +##table +shannon +fi +laurence +seoul +vacation +presenting +hire +churchill +surprisingly +prohibited +savannah +technically +##oli +170 +##lessly +testimony +suited +speeds +toys +romans +mlb +flowering +measurement +talented +kay +settings +charleston +expectations +shattered +achieving +triumph +ceremonies +portsmouth +lanes +mandatory +loser +stretching +cologne +realizes +seventy +cornell +careers +webb +##ulating +americas +budapest +ava +suspicion +##ison +yo +conrad +##hai +sterling +jessie +rector +##az +1831 +transform +organize +loans +christine +volcanic +warrant +slender +summers +subfamily +newer +danced +dynamics +rhine +proceeds +heinrich +gastropod +commands +sings +facilitate +easter +ra +positioned +responses +expense +fruits +yanked +imported +25th +velvet +vic +primitive +tribune +baldwin +neighbourhood +donna +rip +hay +pr +##uro +1814 +espn +welcomed +##aria +qualifier +glare +highland +timing +##cted +shells +eased +geometry +louder +exciting +slovakia +##sion +##iz +##lot +savings +prairie +##ques +marching +rafael +tonnes +##lled +curtain +preceding +shy +heal +greene +worthy +##pot +detachment +bury +sherman +##eck +reinforced +seeks +bottles +contracted +duchess +outfit +walsh +##sc +mickey +##ase +geoffrey +archer +squeeze +dawson +eliminate +invention +##enberg +neal +##eth +stance +dealer +coral +maple +retire +polo +simplified +##ht +1833 +hid +watts +backwards +jules +##oke +genesis +mt +frames +rebounds +burma +woodland +moist +santos +whispers +drained +subspecies +##aa +streaming +ulster +burnt +correspondence +maternal +gerard +denis +stealing +##load +genius +duchy +##oria +inaugurated +momentum +suits +placement +sovereign +clause +thames +##hara +confederation +reservation +sketch +yankees +lets +rotten +charm +hal +verses +ultra +commercially +dot +salon +citation +adopt +winnipeg +mist +allocated +cairo +##boy +jenkins +interference +objectives +##wind +1820 +portfolio +armoured +sectors +##eh +initiatives +##world +integrity +exercises +robe +tap +ab +gazed +##tones +distracted +rulers +111 +favorable +jerome +tended +cart +factories +##eri +diplomat +valued +gravel +charitable +##try +calvin +exploring +chang +shepherd +terrace +pdf +pupil +##ural +reflects +ups +##rch +governors +shelf +depths +##nberg +trailed +crest +tackle +##nian +##ats +hatred +##kai +clare +makers +ethiopia +longtime +detected +embedded +lacking +slapped +rely +thomson +anticipation +iso +morton +successive +agnes +screenwriter +straightened +philippe +playwright +haunted +licence +iris +intentions +sutton +112 +logical +correctly +##weight +branded +licked +tipped +silva +ricky +narrator +requests +##ents +greeted +supernatural +cow +##wald +lung +refusing +employer +strait +gaelic +liner +##piece +zoe +sabha +##mba +driveway +harvest +prints +bates +reluctantly +threshold +algebra +ira +wherever +coupled +240 +assumption +picks +##air +designers +raids +gentlemen +##ean +roller +blowing +leipzig +locks +screw +dressing +strand +##lings +scar +dwarf +depicts +##nu +nods +##mine +differ +boris +##eur +yuan +flip +##gie +mob +invested +questioning +applying +##ture +shout +##sel +gameplay +blamed +illustrations +bothered +weakness +rehabilitation +##of +##zes +envelope +rumors +miners +leicester +subtle +kerry +##ico +ferguson +##fu +premiership +ne +##cat +bengali +prof +catches +remnants +dana +##rily +shouting +presidents +baltic +ought +ghosts +dances +sailors +shirley +fancy +dominic +##bie +madonna +##rick +bark +buttons +gymnasium +ashes +liver +toby +oath +providence +doyle +evangelical +nixon +cement +carnegie +embarked +hatch +surroundings +guarantee +needing +pirate +essence +##bee +filter +crane +hammond +projected +immune +percy +twelfth +##ult +regent +doctoral +damon +mikhail +##ichi +lu +critically +elect +realised +abortion +acute +screening +mythology +steadily +##fc +frown +nottingham +kirk +wa +minneapolis +##rra +module +algeria +mc +nautical +encounters +surprising +statues +availability +shirts +pie +alma +brows +munster +mack +soup +crater +tornado +sanskrit +cedar +explosive +bordered +dixon +planets +stamp +exam +happily +##bble +carriers +kidnapped +##vis +accommodation +emigrated +##met +knockout +correspondent +violation +profits +peaks +lang +specimen +agenda +ancestry +pottery +spelling +equations +obtaining +ki +linking +1825 +debris +asylum +##20 +buddhism +teddy +##ants +gazette +##nger +##sse +dental +eligibility +utc +fathers +averaged +zimbabwe +francesco +coloured +hissed +translator +lynch +mandate +humanities +mackenzie +uniforms +lin +##iana +##gio +asset +mhz +fitting +samantha +genera +wei +rim +beloved +shark +riot +entities +expressions +indo +carmen +slipping +owing +abbot +neighbor +sidney +##av +rats +recommendations +encouraging +squadrons +anticipated +commanders +conquered +##oto +donations +diagnosed +##mond +divide +##iva +guessed +decoration +vernon +auditorium +revelation +conversations +##kers +##power +herzegovina +dash +alike +protested +lateral +herman +accredited +mg +##gent +freeman +mel +fiji +crow +crimson +##rine +livestock +##pped +humanitarian +bored +oz +whip +##lene +##ali +legitimate +alter +grinning +spelled +anxious +oriental +wesley +##nin +##hole +carnival +controller +detect +##ssa +bowed +educator +kosovo +macedonia +##sin +occupy +mastering +stephanie +janeiro +para +unaware +nurses +noon +135 +cam +hopefully +ranger +combine +sociology +polar +rica +##eer +neill +##sman +holocaust +##ip +doubled +lust +1828 +109 +decent +cooling +unveiled +##card +1829 +nsw +homer +chapman +meyer +##gin +dive +mae +reagan +expertise +##gled +darwin +brooke +sided +prosecution +investigating +comprised +petroleum +genres +reluctant +differently +trilogy +johns +vegetables +corpse +highlighted +lounge +pension +unsuccessfully +elegant +aided +ivory +beatles +amelia +cain +dubai +sunny +immigrant +babe +click +##nder +underwater +pepper +combining +mumbled +atlas +horns +accessed +ballad +physicians +homeless +gestured +rpm +freak +louisville +corporations +patriots +prizes +rational +warn +modes +decorative +overnight +din +troubled +phantom +##ort +monarch +sheer +##dorf +generals +guidelines +organs +addresses +##zon +enhance +curling +parishes +cord +##kie +linux +caesar +deutsche +bavaria +##bia +coleman +cyclone +##eria +bacon +petty +##yama +##old +hampton +diagnosis +1824 +throws +complexity +rita +disputed +##₃ +pablo +##sch +marketed +trafficking +##ulus +examine +plague +formats +##oh +vault +faithful +##bourne +webster +##ox +highlights +##ient +##ann +phones +vacuum +sandwich +modeling +##gated +bolivia +clergy +qualities +isabel +##nas +##ars +wears +screams +reunited +annoyed +bra +##ancy +##rate +differential +transmitter +tattoo +container +poker +##och +excessive +resides +cowboys +##tum +augustus +trash +providers +statute +retreated +balcony +reversed +void +storey +preceded +masses +leap +laughs +neighborhoods +wards +schemes +falcon +santo +battlefield +pad +ronnie +thread +lesbian +venus +##dian +beg +sandstone +daylight +punched +gwen +analog +stroked +wwe +acceptable +measurements +dec +toxic +##kel +adequate +surgical +economist +parameters +varsity +##sberg +quantity +ella +##chy +##rton +countess +generating +precision +diamonds +expressway +ga +##ı +1821 +uruguay +talents +galleries +expenses +scanned +colleague +outlets +ryder +lucien +##ila +paramount +##bon +syracuse +dim +fangs +gown +sweep +##sie +toyota +missionaries +websites +##nsis +sentences +adviser +val +trademark +spells +##plane +patience +starter +slim +##borg +toe +incredibly +shoots +elliot +nobility +##wyn +cowboy +endorsed +gardner +tendency +persuaded +organisms +emissions +kazakhstan +amused +boring +chips +themed +##hand +llc +constantinople +chasing +systematic +guatemala +borrowed +erin +carey +##hard +highlands +struggles +1810 +##ifying +##ced +wong +exceptions +develops +enlarged +kindergarten +castro +##ern +##rina +leigh +zombie +juvenile +##most +consul +##nar +sailor +hyde +clarence +intensive +pinned +nasty +useless +jung +clayton +stuffed +exceptional +ix +apostolic +230 +transactions +##dge +exempt +swinging +cove +religions +##ash +shields +dairy +bypass +190 +pursuing +bug +joyce +bombay +chassis +southampton +chat +interact +redesignated +##pen +nascar +pray +salmon +rigid +regained +malaysian +grim +publicity +constituted +capturing +toilet +delegate +purely +tray +drift +loosely +striker +weakened +trinidad +mitch +itv +defines +transmitted +ming +scarlet +nodding +fitzgerald +fu +narrowly +sp +tooth +standings +virtue +##₁ +##wara +##cting +chateau +gloves +lid +##nel +hurting +conservatory +##pel +sinclair +reopened +sympathy +nigerian +strode +advocated +optional +chronic +discharge +##rc +suck +compatible +laurel +stella +shi +fails +wage +dodge +128 +informal +sorts +levi +buddha +villagers +##aka +chronicles +heavier +summoned +gateway +3000 +eleventh +jewelry +translations +accordingly +seas +##ency +fiber +pyramid +cubic +dragging +##ista +caring +##ops +android +contacted +lunar +##dt +kai +lisbon +patted +1826 +sacramento +theft +madagascar +subtropical +disputes +ta +holidays +piper +willow +mare +cane +itunes +newfoundland +benny +companions +dong +raj +observe +roar +charming +plaque +tibetan +fossils +enacted +manning +bubble +tina +tanzania +##eda +##hir +funk +swamp +deputies +cloak +ufc +scenario +par +scratch +metals +anthem +guru +engaging +specially +##boat +dialects +nineteen +cecil +duet +disability +messenger +unofficial +##lies +defunct +eds +moonlight +drainage +surname +puzzle +honda +switching +conservatives +mammals +knox +broadcaster +sidewalk +cope +##ried +benson +princes +peterson +##sal +bedford +sharks +eli +wreck +alberto +gasp +archaeology +lgbt +teaches +securities +madness +compromise +waving +coordination +davidson +visions +leased +possibilities +eighty +jun +fernandez +enthusiasm +assassin +sponsorship +reviewer +kingdoms +estonian +laboratories +##fy +##nal +applies +verb +celebrations +##zzo +rowing +lightweight +sadness +submit +mvp +balanced +dude +##vas +explicitly +metric +magnificent +mound +brett +mohammad +mistakes +irregular +##hing +##ass +sanders +betrayed +shipped +surge +##enburg +reporters +termed +georg +pity +verbal +bulls +abbreviated +enabling +appealed +##are +##atic +sicily +sting +heel +sweetheart +bart +spacecraft +brutal +monarchy +##tter +aberdeen +cameo +diane +##ub +survivor +clyde +##aries +complaint +##makers +clarinet +delicious +chilean +karnataka +coordinates +1818 +panties +##rst +pretending +ar +dramatically +kiev +bella +tends +distances +113 +catalog +launching +instances +telecommunications +portable +lindsay +vatican +##eim +angles +aliens +marker +stint +screens +bolton +##rne +judy +wool +benedict +plasma +europa +spark +imaging +filmmaker +swiftly +##een +contributor +##nor +opted +stamps +apologize +financing +butter +gideon +sophisticated +alignment +avery +chemicals +yearly +speculation +prominence +professionally +##ils +immortal +institutional +inception +wrists +identifying +tribunal +derives +gains +##wo +papal +preference +linguistic +vince +operative +brewery +##ont +unemployment +boyd +##ured +##outs +albeit +prophet +1813 +bi +##rr +##face +##rad +quarterly +asteroid +cleaned +radius +temper +##llen +telugu +jerk +viscount +menu +##ote +glimpse +##aya +yacht +hawaiian +baden +##rl +laptop +readily +##gu +monetary +offshore +scots +watches +##yang +##arian +upgrade +needle +xbox +lea +encyclopedia +flank +fingertips +##pus +delight +teachings +confirm +roth +beaches +midway +winters +##iah +teasing +daytime +beverly +gambling +bonnie +##backs +regulated +clement +hermann +tricks +knot +##shing +##uring +##vre +detached +ecological +owed +specialty +byron +inventor +bats +stays +screened +unesco +midland +trim +affection +##ander +##rry +jess +thoroughly +feedback +##uma +chennai +strained +heartbeat +wrapping +overtime +pleaded +##sworth +mon +leisure +oclc +##tate +##ele +feathers +angelo +thirds +nuts +surveys +clever +gill +commentator +##dos +darren +rides +gibraltar +##nc +##mu +dissolution +dedication +shin +meals +saddle +elvis +reds +chaired +taller +appreciation +functioning +niece +favored +advocacy +robbie +criminals +suffolk +yugoslav +passport +constable +congressman +hastings +vera +##rov +consecrated +sparks +ecclesiastical +confined +##ovich +muller +floyd +nora +1822 +paved +1827 +cumberland +ned +saga +spiral +##flow +appreciated +yi +collaborative +treating +similarities +feminine +finishes +##ib +jade +import +##nse +##hot +champagne +mice +securing +celebrities +helsinki +attributes +##gos +cousins +phases +ache +lucia +gandhi +submission +vicar +spear +shine +tasmania +biting +detention +constitute +tighter +seasonal +##gus +terrestrial +matthews +##oka +effectiveness +parody +philharmonic +##onic +1816 +strangers +encoded +consortium +guaranteed +regards +shifts +tortured +collision +supervisor +inform +broader +insight +theaters +armour +emeritus +blink +incorporates +mapping +##50 +##ein +handball +flexible +##nta +substantially +generous +thief +##own +carr +loses +1793 +prose +ucla +romeo +generic +metallic +realization +damages +mk +commissioners +zach +default +##ther +helicopters +lengthy +stems +spa +partnered +spectators +rogue +indication +penalties +teresa +1801 +sen +##tric +dalton +##wich +irving +photographic +##vey +dell +deaf +peters +excluded +unsure +##vable +patterson +crawled +##zio +resided +whipped +latvia +slower +ecole +pipes +employers +maharashtra +comparable +va +textile +pageant +##gel +alphabet +binary +irrigation +chartered +choked +antoine +offs +waking +supplement +##wen +quantities +demolition +regain +locate +urdu +folks +alt +114 +##mc +scary +andreas +whites +##ava +classrooms +mw +aesthetic +publishes +valleys +guides +cubs +johannes +bryant +conventions +affecting +##itt +drain +awesome +isolation +prosecutor +ambitious +apology +captive +downs +atmospheric +lorenzo +aisle +beef +foul +##onia +kidding +composite +disturbed +illusion +natives +##ffer +emi +rockets +riverside +wartime +painters +adolf +melted +##ail +uncertainty +simulation +hawks +progressed +meantime +builder +spray +breach +unhappy +regina +russians +##urg +determining +##tation +tram +1806 +##quin +aging +##12 +1823 +garion +rented +mister +diaz +terminated +clip +1817 +depend +nervously +disco +owe +defenders +shiva +notorious +disbelief +shiny +worcester +##gation +##yr +trailing +undertook +islander +belarus +limitations +watershed +fuller +overlooking +utilized +raphael +1819 +synthetic +breakdown +klein +##nate +moaned +memoir +lamb +practicing +##erly +cellular +arrows +exotic +##graphy +witches +117 +charted +rey +hut +hierarchy +subdivision +freshwater +giuseppe +aloud +reyes +qatar +marty +sideways +utterly +sexually +jude +prayers +mccarthy +softball +blend +damien +##gging +##metric +wholly +erupted +lebanese +negro +revenues +tasted +comparative +teamed +transaction +labeled +maori +sovereignty +parkway +trauma +gran +malay +121 +advancement +descendant +2020 +buzz +salvation +inventory +symbolic +##making +antarctica +mps +##gas +##bro +mohammed +myanmar +holt +submarines +tones +##lman +locker +patriarch +bangkok +emerson +remarks +predators +kin +afghan +confession +norwich +rental +emerge +advantages +##zel +rca +##hold +shortened +storms +aidan +##matic +autonomy +compliance +##quet +dudley +atp +##osis +1803 +motto +documentation +summary +professors +spectacular +christina +archdiocese +flashing +innocence +remake +##dell +psychic +reef +scare +employ +rs +sticks +meg +gus +leans +##ude +accompany +bergen +tomas +##iko +doom +wages +pools +##nch +##bes +breasts +scholarly +alison +outline +brittany +breakthrough +willis +realistic +##cut +##boro +competitor +##stan +pike +picnic +icon +designing +commercials +washing +villain +skiing +micro +costumes +auburn +halted +executives +##hat +logistics +cycles +vowel +applicable +barrett +exclaimed +eurovision +eternity +ramon +##umi +##lls +modifications +sweeping +disgust +##uck +torch +aviv +ensuring +rude +dusty +sonic +donovan +outskirts +cu +pathway +##band +##gun +##lines +disciplines +acids +cadet +paired +##40 +sketches +##sive +marriages +##⁺ +folding +peers +slovak +implies +admired +##beck +1880s +leopold +instinct +attained +weston +megan +horace +##ination +dorsal +ingredients +evolutionary +##its +complications +deity +lethal +brushing +levy +deserted +institutes +posthumously +delivering +telescope +coronation +motivated +rapids +luc +flicked +pays +volcano +tanner +weighed +##nica +crowds +frankie +gifted +addressing +granddaughter +winding +##rna +constantine +gomez +##front +landscapes +rudolf +anthropology +slate +werewolf +##lio +astronomy +circa +rouge +dreaming +sack +knelt +drowned +naomi +prolific +tracked +freezing +herb +##dium +agony +randall +twisting +wendy +deposit +touches +vein +wheeler +##bbled +##bor +batted +retaining +tire +presently +compare +specification +daemon +nigel +##grave +merry +recommendation +czechoslovakia +sandra +ng +roma +##sts +lambert +inheritance +sheikh +winchester +cries +examining +##yle +comeback +cuisine +nave +##iv +ko +retrieve +tomatoes +barker +polished +defining +irene +lantern +personalities +begging +tract +swore +1809 +175 +##gic +omaha +brotherhood +##rley +haiti +##ots +exeter +##ete +##zia +steele +dumb +pearson +210 +surveyed +elisabeth +trends +##ef +fritz +##rf +premium +bugs +fraction +calmly +viking +##birds +tug +inserted +unusually +##ield +confronted +distress +crashing +brent +turks +resign +##olo +cambodia +gabe +sauce +##kal +evelyn +116 +extant +clusters +quarry +teenagers +luna +##lers +##ister +affiliation +drill +##ashi +panthers +scenic +libya +anita +strengthen +inscriptions +##cated +lace +sued +judith +riots +##uted +mint +##eta +preparations +midst +dub +challenger +##vich +mock +cf +displaced +wicket +breaths +enables +schmidt +analyst +##lum +ag +highlight +automotive +axe +josef +newark +sufficiently +resembles +50th +##pal +flushed +mum +traits +##ante +commodore +incomplete +warming +titular +ceremonial +ethical +118 +celebrating +eighteenth +cao +lima +medalist +mobility +strips +snakes +##city +miniature +zagreb +barton +escapes +umbrella +automated +doubted +differs +cooled +georgetown +dresden +cooked +fade +wyatt +rna +jacobs +carlton +abundant +stereo +boost +madras +inning +##hia +spur +ip +malayalam +begged +osaka +groan +escaping +charging +dose +vista +##aj +bud +papa +communists +advocates +edged +tri +##cent +resemble +peaking +necklace +fried +montenegro +saxony +goose +glances +stuttgart +curator +recruit +grocery +sympathetic +##tting +##fort +127 +lotus +randolph +ancestor +##rand +succeeding +jupiter +1798 +macedonian +##heads +hiking +1808 +handing +fischer +##itive +garbage +node +##pies +prone +singular +papua +inclined +attractions +italia +pouring +motioned +grandma +garnered +jacksonville +corp +ego +ringing +aluminum +##hausen +ordering +##foot +drawer +traders +synagogue +##play +##kawa +resistant +wandering +fragile +fiona +teased +var +hardcore +soaked +jubilee +decisive +exposition +mercer +poster +valencia +hale +kuwait +1811 +##ises +##wr +##eed +tavern +gamma +122 +johan +##uer +airways +amino +gil +##ury +vocational +domains +torres +##sp +generator +folklore +outcomes +##keeper +canberra +shooter +fl +beams +confrontation +##lling +##gram +feb +aligned +forestry +pipeline +jax +motorway +conception +decay +##tos +coffin +##cott +stalin +1805 +escorted +minded +##nam +sitcom +purchasing +twilight +veronica +additions +passive +tensions +straw +123 +frequencies +1804 +refugee +cultivation +##iate +christie +clary +bulletin +crept +disposal +##rich +##zong +processor +crescent +##rol +bmw +emphasized +whale +nazis +aurora +##eng +dwelling +hauled +sponsors +toledo +mega +ideology +theatres +tessa +cerambycidae +saves +turtle +cone +suspects +kara +rusty +yelling +greeks +mozart +shades +cocked +participant +##tro +shire +spit +freeze +necessity +##cos +inmates +nielsen +councillors +loaned +uncommon +omar +peasants +botanical +offspring +daniels +formations +jokes +1794 +pioneers +sigma +licensing +##sus +wheelchair +polite +1807 +liquor +pratt +trustee +##uta +forewings +balloon +##zz +kilometre +camping +explicit +casually +shawn +foolish +teammates +nm +hassan +carrie +judged +satisfy +vanessa +knives +selective +cnn +flowed +##lice +eclipse +stressed +eliza +mathematician +cease +cultivated +##roy +commissions +browns +##ania +destroyers +sheridan +meadow +##rius +minerals +##cial +downstream +clash +gram +memoirs +ventures +baha +seymour +archie +midlands +edith +fare +flynn +invite +canceled +tiles +stabbed +boulder +incorporate +amended +camden +facial +mollusk +unreleased +descriptions +yoga +grabs +550 +raises +ramp +shiver +##rose +coined +pioneering +tunes +qing +warwick +tops +119 +melanie +giles +##rous +wandered +##inal +annexed +nov +30th +unnamed +##ished +organizational +airplane +normandy +stoke +whistle +blessing +violations +chased +holders +shotgun +##ctic +outlet +reactor +##vik +tires +tearing +shores +fortified +mascot +constituencies +nc +columnist +productive +tibet +##rta +lineage +hooked +oct +tapes +judging +cody +##gger +hansen +kashmir +triggered +##eva +solved +cliffs +##tree +resisted +anatomy +protesters +transparent +implied +##iga +injection +mattress +excluding +##mbo +defenses +helpless +devotion +##elli +growl +liberals +weber +phenomena +atoms +plug +##iff +mortality +apprentice +howe +convincing +aaa +swimmer +barber +leone +promptly +sodium +def +nowadays +arise +##oning +gloucester +corrected +dignity +norm +erie +##ders +elders +evacuated +sylvia +compression +##yar +hartford +pose +backpack +reasoning +accepts +24th +wipe +millimetres +marcel +##oda +dodgers +albion +1790 +overwhelmed +aerospace +oaks +1795 +showcase +acknowledge +recovering +nolan +ashe +hurts +geology +fashioned +disappearance +farewell +swollen +shrug +marquis +wimbledon +124 +rue +1792 +commemorate +reduces +experiencing +inevitable +calcutta +intel +##court +murderer +sticking +fisheries +imagery +bloom +280 +brake +##inus +gustav +hesitation +memorable +po +viral +beans +accidents +tunisia +antenna +spilled +consort +treatments +aye +perimeter +##gard +donation +hostage +migrated +banker +addiction +apex +lil +trout +##ously +conscience +##nova +rams +sands +genome +passionate +troubles +##lets +##set +amid +##ibility +##ret +higgins +exceed +vikings +##vie +payne +##zan +muscular +##ste +defendant +sucking +##wal +ibrahim +fuselage +claudia +vfl +europeans +snails +interval +##garh +preparatory +statewide +tasked +lacrosse +viktor +##lation +angola +##hra +flint +implications +employs +teens +patrons +stall +weekends +barriers +scrambled +nucleus +tehran +jenna +parsons +lifelong +robots +displacement +5000 +##bles +precipitation +##gt +knuckles +clutched +1802 +marrying +ecology +marx +accusations +declare +scars +kolkata +mat +meadows +bermuda +skeleton +finalists +vintage +crawl +coordinate +affects +subjected +orchestral +mistaken +##tc +mirrors +dipped +relied +260 +arches +candle +##nick +incorporating +wildly +fond +basilica +owl +fringe +rituals +whispering +stirred +feud +tertiary +slick +goat +honorable +whereby +skip +ricardo +stripes +parachute +adjoining +submerged +synthesizer +##gren +intend +positively +ninety +phi +beaver +partition +fellows +alexis +prohibition +carlisle +bizarre +fraternity +##bre +doubts +icy +cbc +aquatic +sneak +sonny +combines +airports +crude +supervised +spatial +merge +alfonso +##bic +corrupt +scan +undergo +##ams +disabilities +colombian +comparing +dolphins +perkins +##lish +reprinted +unanimous +bounced +hairs +underworld +midwest +semester +bucket +paperback +miniseries +coventry +demise +##leigh +demonstrations +sensor +rotating +yan +##hler +arrange +soils +##idge +hyderabad +labs +##dr +brakes +grandchildren +##nde +negotiated +rover +ferrari +continuation +directorate +augusta +stevenson +counterpart +gore +##rda +nursery +rican +ave +collectively +broadly +pastoral +repertoire +asserted +discovering +nordic +styled +fiba +cunningham +harley +middlesex +survives +tumor +tempo +zack +aiming +lok +urgent +##rade +##nto +devils +##ement +contractor +turin +##wl +##ool +bliss +repaired +simmons +moan +astronomical +cr +negotiate +lyric +1890s +lara +bred +clad +angus +pbs +##ience +engineered +posed +##lk +hernandez +possessions +elbows +psychiatric +strokes +confluence +electorate +lifts +campuses +lava +alps +##ep +##ution +##date +physicist +woody +##page +##ographic +##itis +juliet +reformation +sparhawk +320 +complement +suppressed +jewel +##½ +floated +##kas +continuity +sadly +##ische +inability +melting +scanning +paula +flour +judaism +safer +vague +##lm +solving +curb +##stown +financially +gable +bees +expired +miserable +cassidy +dominion +1789 +cupped +145 +robbery +facto +amos +warden +resume +tallest +marvin +ing +pounded +usd +declaring +gasoline +##aux +darkened +270 +650 +sophomore +##mere +erection +gossip +televised +risen +dial +##eu +pillars +##link +passages +profound +##tina +arabian +ashton +silicon +nail +##ead +##lated +##wer +##hardt +fleming +firearms +ducked +circuits +blows +waterloo +titans +##lina +atom +fireplace +cheshire +financed +activation +algorithms +##zzi +constituent +catcher +cherokee +partnerships +sexuality +platoon +tragic +vivian +guarded +whiskey +meditation +poetic +##late +##nga +##ake +porto +listeners +dominance +kendra +mona +chandler +factions +22nd +salisbury +attitudes +derivative +##ido +##haus +intake +paced +javier +illustrator +barrels +bias +cockpit +burnett +dreamed +ensuing +##anda +receptors +someday +hawkins +mattered +##lal +slavic +1799 +jesuit +cameroon +wasted +tai +wax +lowering +victorious +freaking +outright +hancock +librarian +sensing +bald +calcium +myers +tablet +announcing +barack +shipyard +pharmaceutical +##uan +greenwich +flush +medley +patches +wolfgang +pt +speeches +acquiring +exams +nikolai +##gg +hayden +kannada +##type +reilly +##pt +waitress +abdomen +devastated +capped +pseudonym +pharmacy +fulfill +paraguay +1796 +clicked +##trom +archipelago +syndicated +##hman +lumber +orgasm +rejection +clifford +lorraine +advent +mafia +rodney +brock +##ght +##used +##elia +cassette +chamberlain +despair +mongolia +sensors +developmental +upstream +##eg +##alis +spanning +165 +trombone +basque +seeded +interred +renewable +rhys +leapt +revision +molecule +##ages +chord +vicious +nord +shivered +23rd +arlington +debts +corpus +sunrise +bays +blackburn +centimetres +##uded +shuddered +gm +strangely +gripping +cartoons +isabelle +orbital +##ppa +seals +proving +##lton +refusal +strengthened +bust +assisting +baghdad +batsman +portrayal +mara +pushes +spears +og +##cock +reside +nathaniel +brennan +1776 +confirmation +caucus +##worthy +markings +yemen +nobles +ku +lazy +viewer +catalan +encompasses +sawyer +##fall +sparked +substances +patents +braves +arranger +evacuation +sergio +persuade +dover +tolerance +penguin +cum +jockey +insufficient +townships +occupying +declining +plural +processed +projection +puppet +flanders +introduces +liability +##yon +gymnastics +antwerp +taipei +hobart +candles +jeep +wes +observers +126 +chaplain +bundle +glorious +##hine +hazel +flung +sol +excavations +dumped +stares +sh +bangalore +triangular +icelandic +intervals +expressing +turbine +##vers +songwriting +crafts +##igo +jasmine +ditch +rite +##ways +entertaining +comply +sorrow +wrestlers +basel +emirates +marian +rivera +helpful +##some +caution +downward +networking +##atory +##tered +darted +genocide +emergence +replies +specializing +spokesman +convenient +unlocked +fading +augustine +concentrations +resemblance +elijah +investigator +andhra +##uda +promotes +bean +##rrell +fleeing +wan +simone +announcer +##ame +##bby +lydia +weaver +132 +residency +modification +##fest +stretches +##ast +alternatively +nat +lowe +lacks +##ented +pam +tile +concealed +inferior +abdullah +residences +tissues +vengeance +##ided +moisture +peculiar +groove +zip +bologna +jennings +ninja +oversaw +zombies +pumping +batch +livingston +emerald +installations +1797 +peel +nitrogen +rama +##fying +##star +schooling +strands +responding +werner +##ost +lime +casa +accurately +targeting +##rod +underway +##uru +hemisphere +lester +##yard +occupies +2d +griffith +angrily +reorganized +##owing +courtney +deposited +##dd +##30 +estadio +##ifies +dunn +exiled +##ying +checks +##combe +##о +##fly +successes +unexpectedly +blu +assessed +##flower +##ه +observing +sacked +spiders +kn +##tail +mu +nodes +prosperity +audrey +divisional +155 +broncos +tangled +adjust +feeds +erosion +paolo +surf +directory +snatched +humid +admiralty +screwed +gt +reddish +##nese +modules +trench +lamps +bind +leah +bucks +competes +##nz +##form +transcription +##uc +isles +violently +clutching +pga +cyclist +inflation +flats +ragged +unnecessary +##hian +stubborn +coordinated +harriet +baba +disqualified +330 +insect +wolfe +##fies +reinforcements +rocked +duel +winked +embraced +bricks +##raj +hiatus +defeats +pending +brightly +jealousy +##xton +##hm +##uki +lena +gdp +colorful +##dley +stein +kidney +##shu +underwear +wanderers +##haw +##icus +guardians +m³ +roared +habits +##wise +permits +gp +uranium +punished +disguise +bundesliga +elise +dundee +erotic +partisan +pi +collectors +float +individually +rendering +behavioral +bucharest +ser +hare +valerie +corporal +nutrition +proportional +##isa +immense +##kis +pavement +##zie +##eld +sutherland +crouched +1775 +##lp +suzuki +trades +endurance +operas +crosby +prayed +priory +rory +socially +##urn +gujarat +##pu +walton +cube +pasha +privilege +lennon +floods +thorne +waterfall +nipple +scouting +approve +##lov +minorities +voter +dwight +extensions +assure +ballroom +slap +dripping +privileges +rejoined +confessed +demonstrating +patriotic +yell +investor +##uth +pagan +slumped +squares +##cle +##kins +confront +bert +embarrassment +##aid +aston +urging +sweater +starr +yuri +brains +williamson +commuter +mortar +structured +selfish +exports +##jon +cds +##him +unfinished +##rre +mortgage +destinations +##nagar +canoe +solitary +buchanan +delays +magistrate +fk +##pling +motivation +##lier +##vier +recruiting +assess +##mouth +malik +antique +1791 +pius +rahman +reich +tub +zhou +smashed +airs +galway +xii +conditioning +honduras +discharged +dexter +##pf +lionel +129 +debates +lemon +tiffany +volunteered +dom +dioxide +procession +devi +sic +tremendous +advertisements +colts +transferring +verdict +hanover +decommissioned +utter +relate +pac +racism +##top +beacon +limp +similarity +terra +occurrence +ant +##how +becky +capt +updates +armament +richie +pal +##graph +halloween +mayo +##ssen +##bone +cara +serena +fcc +dolls +obligations +##dling +violated +lafayette +jakarta +exploitation +##ime +infamous +iconic +##lah +##park +kitty +moody +reginald +dread +spill +crystals +olivier +modeled +bluff +equilibrium +separating +notices +ordnance +extinction +onset +cosmic +attachment +sammy +expose +privy +anchored +##bil +abbott +admits +bending +baritone +emmanuel +policeman +vaughan +winged +climax +dresses +denny +polytechnic +mohamed +burmese +authentic +nikki +genetics +grandparents +homestead +gaza +postponed +metacritic +una +##sby +##bat +unstable +dissertation +##rial +##cian +curls +obscure +uncovered +bronx +praying +disappearing +##hoe +prehistoric +coke +turret +mutations +nonprofit +pits +monaco +##ي +##usion +prominently +dispatched +podium +##mir +uci +##uation +133 +fortifications +birthplace +kendall +##lby +##oll +preacher +rack +goodman +##rman +persistent +##ott +countless +jaime +recorder +lexington +persecution +jumps +renewal +wagons +##11 +crushing +##holder +decorations +##lake +abundance +wrath +laundry +£1 +garde +##rp +jeanne +beetles +peasant +##sl +splitting +caste +sergei +##rer +##ema +scripts +##ively +rub +satellites +##vor +inscribed +verlag +scrapped +gale +packages +chick +potato +slogan +kathleen +arabs +##culture +counterparts +reminiscent +choral +##tead +rand +retains +bushes +dane +accomplish +courtesy +closes +##oth +slaughter +hague +krakow +lawson +tailed +elias +ginger +##ttes +canopy +betrayal +rebuilding +turf +##hof +frowning +allegiance +brigades +kicks +rebuild +polls +alias +nationalism +td +rowan +audition +bowie +fortunately +recognizes +harp +dillon +horrified +##oro +renault +##tics +ropes +##α +presumed +rewarded +infrared +wiping +accelerated +illustration +##rid +presses +practitioners +badminton +##iard +detained +##tera +recognizing +relates +misery +##sies +##tly +reproduction +piercing +potatoes +thornton +esther +manners +hbo +##aan +ours +bullshit +ernie +perennial +sensitivity +illuminated +rupert +##jin +##iss +##ear +rfc +nassau +##dock +staggered +socialism +##haven +appointments +nonsense +prestige +sharma +haul +##tical +solidarity +gps +##ook +##rata +igor +pedestrian +##uit +baxter +tenants +wires +medication +unlimited +guiding +impacts +diabetes +##rama +sasha +pas +clive +extraction +131 +continually +constraints +##bilities +sonata +hunted +sixteenth +chu +planting +quote +mayer +pretended +abs +spat +##hua +ceramic +##cci +curtains +pigs +pitching +##dad +latvian +sore +dayton +##sted +##qi +patrols +slice +playground +##nted +shone +stool +apparatus +inadequate +mates +treason +##ija +desires +##liga +##croft +somalia +laurent +mir +leonardo +oracle +grape +obliged +chevrolet +thirteenth +stunning +enthusiastic +##ede +accounted +concludes +currents +basil +##kovic +drought +##rica +mai +##aire +shove +posting +##shed +pilgrimage +humorous +packing +fry +pencil +wines +smells +144 +marilyn +aching +newest +clung +bon +neighbours +sanctioned +##pie +mug +##stock +drowning +##mma +hydraulic +##vil +hiring +reminder +lilly +investigators +##ncies +sour +##eous +compulsory +packet +##rion +##graphic +##elle +cannes +##inate +depressed +##rit +heroic +importantly +theresa +##tled +conway +saturn +marginal +rae +##xia +corresponds +royce +pact +jasper +explosives +packaging +aluminium +##ttered +denotes +rhythmic +spans +assignments +hereditary +outlined +originating +sundays +lad +reissued +greeting +beatrice +##dic +pillar +marcos +plots +handbook +alcoholic +judiciary +avant +slides +extract +masculine +blur +##eum +##force +homage +trembled +owens +hymn +trey +omega +signaling +socks +accumulated +reacted +attic +theo +lining +angie +distraction +primera +talbot +##key +1200 +ti +creativity +billed +##hey +deacon +eduardo +identifies +proposition +dizzy +gunner +hogan +##yam +##pping +##hol +ja +##chan +jensen +reconstructed +##berger +clearance +darius +##nier +abe +harlem +plea +dei +circled +emotionally +notation +fascist +neville +exceeded +upwards +viable +ducks +##fo +workforce +racer +limiting +shri +##lson +possesses +1600 +kerr +moths +devastating +laden +disturbing +locking +##cture +gal +fearing +accreditation +flavor +aide +1870s +mountainous +##baum +melt +##ures +motel +texture +servers +soda +##mb +herd +##nium +erect +puzzled +hum +peggy +examinations +gould +testified +geoff +ren +devised +sacks +##law +denial +posters +grunted +cesar +tutor +ec +gerry +offerings +byrne +falcons +combinations +ct +incoming +pardon +rocking +26th +avengers +flared +mankind +seller +uttar +loch +nadia +stroking +exposing +##hd +fertile +ancestral +instituted +##has +noises +prophecy +taxation +eminent +vivid +pol +##bol +dart +indirect +multimedia +notebook +upside +displaying +adrenaline +referenced +geometric +##iving +progression +##ddy +blunt +announce +##far +implementing +##lav +aggression +liaison +cooler +cares +headache +plantations +gorge +dots +impulse +thickness +ashamed +averaging +kathy +obligation +precursor +137 +fowler +symmetry +thee +225 +hears +##rai +undergoing +ads +butcher +bowler +##lip +cigarettes +subscription +goodness +##ically +browne +##hos +##tech +kyoto +donor +##erty +damaging +friction +drifting +expeditions +hardened +prostitution +152 +fauna +blankets +claw +tossing +snarled +butterflies +recruits +investigative +coated +healed +138 +communal +hai +xiii +academics +boone +psychologist +restless +lahore +stephens +mba +brendan +foreigners +printer +##pc +ached +explode +27th +deed +scratched +dared +##pole +cardiac +1780 +okinawa +proto +commando +compelled +oddly +electrons +##base +replica +thanksgiving +##rist +sheila +deliberate +stafford +tidal +representations +hercules +ou +##path +##iated +kidnapping +lenses +##tling +deficit +samoa +mouths +consuming +computational +maze +granting +smirk +razor +fixture +ideals +inviting +aiden +nominal +##vs +issuing +julio +pitt +ramsey +docks +##oss +exhaust +##owed +bavarian +draped +anterior +mating +ethiopian +explores +noticing +##nton +discarded +convenience +hoffman +endowment +beasts +cartridge +mormon +paternal +probe +sleeves +interfere +lump +deadline +##rail +jenks +bulldogs +scrap +alternating +justified +reproductive +nam +seize +descending +secretariat +kirby +coupe +grouped +smash +panther +sedan +tapping +##18 +lola +cheer +germanic +unfortunate +##eter +unrelated +##fan +subordinate +##sdale +suzanne +advertisement +##ility +horsepower +##lda +cautiously +discourse +luigi +##mans +##fields +noun +prevalent +mao +schneider +everett +surround +governorate +kira +##avia +westward +##take +misty +rails +sustainability +134 +unused +##rating +packs +toast +unwilling +regulate +thy +suffrage +nile +awe +assam +definitions +travelers +affordable +##rb +conferred +sells +undefeated +beneficial +torso +basal +repeating +remixes +##pass +bahrain +cables +fang +##itated +excavated +numbering +statutory +##rey +deluxe +##lian +forested +ramirez +derbyshire +zeus +slamming +transfers +astronomer +banana +lottery +berg +histories +bamboo +##uchi +resurrection +posterior +bowls +vaguely +##thi +thou +preserving +tensed +offence +##inas +meyrick +callum +ridden +watt +langdon +tying +lowland +snorted +daring +truman +##hale +##girl +aura +overly +filing +weighing +goa +infections +philanthropist +saunders +eponymous +##owski +latitude +perspectives +reviewing +mets +commandant +radial +##kha +flashlight +reliability +koch +vowels +amazed +ada +elaine +supper +##rth +##encies +predator +debated +soviets +cola +##boards +##nah +compartment +crooked +arbitrary +fourteenth +##ctive +havana +majors +steelers +clips +profitable +ambush +exited +packers +##tile +nude +cracks +fungi +##е +limb +trousers +josie +shelby +tens +frederic +##ος +definite +smoothly +constellation +insult +baton +discs +lingering +##nco +conclusions +lent +staging +becker +grandpa +shaky +##tron +einstein +obstacles +sk +adverse +elle +economically +##moto +mccartney +thor +dismissal +motions +readings +nostrils +treatise +##pace +squeezing +evidently +prolonged +1783 +venezuelan +je +marguerite +beirut +takeover +shareholders +##vent +denise +digit +airplay +norse +##bbling +imaginary +pills +hubert +blaze +vacated +eliminating +##ello +vine +mansfield +##tty +retrospective +barrow +borne +clutch +bail +forensic +weaving +##nett +##witz +desktop +citadel +promotions +worrying +dorset +ieee +subdivided +##iating +manned +expeditionary +pickup +synod +chuckle +185 +barney +##rz +##ffin +functionality +karachi +litigation +meanings +uc +lick +turbo +anders +##ffed +execute +curl +oppose +ankles +typhoon +##د +##ache +##asia +linguistics +compassion +pressures +grazing +perfection +##iting +immunity +monopoly +muddy +backgrounds +136 +namibia +francesca +monitors +attracting +stunt +tuition +##ии +vegetable +##mates +##quent +mgm +jen +complexes +forts +##ond +cellar +bites +seventeenth +royals +flemish +failures +mast +charities +##cular +peruvian +capitals +macmillan +ipswich +outward +frigate +postgraduate +folds +employing +##ouse +concurrently +fiery +##tai +contingent +nightmares +monumental +nicaragua +##kowski +lizard +mal +fielding +gig +reject +##pad +harding +##ipe +coastline +##cin +##nos +beethoven +humphrey +innovations +##tam +##nge +norris +doris +solicitor +huang +obey +141 +##lc +niagara +##tton +shelves +aug +bourbon +curry +nightclub +specifications +hilton +##ndo +centennial +dispersed +worm +neglected +briggs +sm +font +kuala +uneasy +plc +##nstein +##bound +##aking +##burgh +awaiting +pronunciation +##bbed +##quest +eh +optimal +zhu +raped +greens +presided +brenda +worries +##life +venetian +marxist +turnout +##lius +refined +braced +sins +grasped +sunderland +nickel +speculated +lowell +cyrillic +communism +fundraising +resembling +colonists +mutant +freddie +usc +##mos +gratitude +##run +mural +##lous +chemist +wi +reminds +28th +steals +tess +pietro +##ingen +promoter +ri +microphone +honoured +rai +sant +##qui +feather +##nson +burlington +kurdish +terrorists +deborah +sickness +##wed +##eet +hazard +irritated +desperation +veil +clarity +##rik +jewels +xv +##gged +##ows +##cup +berkshire +unfair +mysteries +orchid +winced +exhaustion +renovations +stranded +obe +infinity +##nies +adapt +redevelopment +thanked +registry +olga +domingo +noir +tudor +ole +##atus +commenting +behaviors +##ais +crisp +pauline +probable +stirling +wigan +##bian +paralympics +panting +surpassed +##rew +luca +barred +pony +famed +##sters +cassandra +waiter +carolyn +exported +##orted +andres +destructive +deeds +jonah +castles +vacancy +suv +##glass +1788 +orchard +yep +famine +belarusian +sprang +##forth +skinny +##mis +administrators +rotterdam +zambia +zhao +boiler +discoveries +##ride +##physics +lucius +disappointing +outreach +spoon +##frame +qualifications +unanimously +enjoys +regency +##iidae +stade +realism +veterinary +rodgers +dump +alain +chestnut +castile +censorship +rumble +gibbs +##itor +communion +reggae +inactivated +logs +loads +##houses +homosexual +##iano +ale +informs +##cas +phrases +plaster +linebacker +ambrose +kaiser +fascinated +850 +limerick +recruitment +forge +mastered +##nding +leinster +rooted +threaten +##strom +borneo +##hes +suggestions +scholarships +propeller +documentaries +patronage +coats +constructing +invest +neurons +comet +entirety +shouts +identities +annoying +unchanged +wary +##antly +##ogy +neat +oversight +##kos +phillies +replay +constance +##kka +incarnation +humble +skies +minus +##acy +smithsonian +##chel +guerrilla +jar +cadets +##plate +surplus +audit +##aru +cracking +joanna +louisa +pacing +##lights +intentionally +##iri +diner +nwa +imprint +australians +tong +unprecedented +bunker +naive +specialists +ark +nichols +railing +leaked +pedal +##uka +shrub +longing +roofs +v8 +captains +neural +tuned +##ntal +##jet +emission +medina +frantic +codex +definitive +sid +abolition +intensified +stocks +enrique +sustain +genoa +oxide +##written +clues +cha +##gers +tributaries +fragment +venom +##rity +##ente +##sca +muffled +vain +sire +laos +##ingly +##hana +hastily +snapping +surfaced +sentiment +motive +##oft +contests +approximate +mesa +luckily +dinosaur +exchanges +propelled +accord +bourne +relieve +tow +masks +offended +##ues +cynthia +##mmer +rains +bartender +zinc +reviewers +lois +##sai +legged +arrogant +rafe +rosie +comprise +handicap +blockade +inlet +lagoon +copied +drilling +shelley +petals +##inian +mandarin +obsolete +##inated +onward +arguably +productivity +cindy +praising +seldom +busch +discusses +raleigh +shortage +ranged +stanton +encouragement +firstly +conceded +overs +temporal +##uke +cbe +##bos +woo +certainty +pumps +##pton +stalked +##uli +lizzie +periodic +thieves +weaker +##night +gases +shoving +chooses +wc +##chemical +prompting +weights +##kill +robust +flanked +sticky +hu +tuberculosis +##eb +##eal +christchurch +resembled +wallet +reese +inappropriate +pictured +distract +fixing +fiddle +giggled +burger +heirs +hairy +mechanic +torque +apache +obsessed +chiefly +cheng +logging +##tag +extracted +meaningful +numb +##vsky +gloucestershire +reminding +##bay +unite +##lit +breeds +diminished +clown +glove +1860s +##ن +##ug +archibald +focal +freelance +sliced +depiction +##yk +organism +switches +sights +stray +crawling +##ril +lever +leningrad +interpretations +loops +anytime +reel +alicia +delighted +##ech +inhaled +xiv +suitcase +bernie +vega +licenses +northampton +exclusion +induction +monasteries +racecourse +homosexuality +##right +##sfield +##rky +dimitri +michele +alternatives +ions +commentators +genuinely +objected +pork +hospitality +fencing +stephan +warships +peripheral +wit +drunken +wrinkled +quentin +spends +departing +chung +numerical +spokesperson +##zone +johannesburg +caliber +killers +##udge +assumes +neatly +demographic +abigail +bloc +##vel +mounting +##lain +bentley +slightest +xu +recipients +##jk +merlin +##writer +seniors +prisons +blinking +hindwings +flickered +kappa +##hel +80s +strengthening +appealing +brewing +gypsy +mali +lashes +hulk +unpleasant +harassment +bio +treaties +predict +instrumentation +pulp +troupe +boiling +mantle +##ffe +ins +##vn +dividing +handles +verbs +##onal +coconut +senegal +340 +thorough +gum +momentarily +##sto +cocaine +panicked +destined +##turing +teatro +denying +weary +captained +mans +##hawks +##code +wakefield +bollywood +thankfully +##16 +cyril +##wu +amendments +##bahn +consultation +stud +reflections +kindness +1787 +internally +##ovo +tex +mosaic +distribute +paddy +seeming +143 +##hic +piers +##15 +##mura +##verse +popularly +winger +kang +sentinel +mccoy +##anza +covenant +##bag +verge +fireworks +suppress +thrilled +dominate +##jar +swansea +##60 +142 +reconciliation +##ndi +stiffened +cue +dorian +##uf +damascus +amor +ida +foremost +##aga +porsche +unseen +dir +##had +##azi +stony +lexi +melodies +##nko +angular +integer +podcast +ants +inherent +jaws +justify +persona +##olved +josephine +##nr +##ressed +customary +flashes +gala +cyrus +glaring +backyard +ariel +physiology +greenland +html +stir +avon +atletico +finch +methodology +ked +##lent +mas +catholicism +townsend +branding +quincy +fits +containers +1777 +ashore +aragon +##19 +forearm +poisoning +##sd +adopting +conquer +grinding +amnesty +keller +finances +evaluate +forged +lankan +instincts +##uto +guam +bosnian +photographed +workplace +desirable +protector +##dog +allocation +intently +encourages +willy +##sten +bodyguard +electro +brighter +##ν +bihar +##chev +lasts +opener +amphibious +sal +verde +arte +##cope +captivity +vocabulary +yields +##tted +agreeing +desmond +pioneered +##chus +strap +campaigned +railroads +##ович +emblem +##dre +stormed +501 +##ulous +marijuana +northumberland +##gn +##nath +bowen +landmarks +beaumont +##qua +danube +##bler +attorneys +th +ge +flyers +critique +villains +cass +mutation +acc +##0s +colombo +mckay +motif +sampling +concluding +syndicate +##rell +neon +stables +ds +warnings +clint +mourning +wilkinson +##tated +merrill +leopard +evenings +exhaled +emil +sonia +ezra +discrete +stove +farrell +fifteenth +prescribed +superhero +##rier +worms +helm +wren +##duction +##hc +expo +##rator +hq +unfamiliar +antony +prevents +acceleration +fiercely +mari +painfully +calculations +cheaper +ign +clifton +irvine +davenport +mozambique +##np +pierced +##evich +wonders +##wig +##cate +##iling +crusade +ware +##uel +enzymes +reasonably +mls +##coe +mater +ambition +bunny +eliot +kernel +##fin +asphalt +headmaster +torah +aden +lush +pins +waived +##care +##yas +joao +substrate +enforce +##grad +##ules +alvarez +selections +epidemic +tempted +##bit +bremen +translates +ensured +waterfront +29th +forrest +manny +malone +kramer +reigning +cookies +simpler +absorption +205 +engraved +##ffy +evaluated +1778 +haze +146 +comforting +crossover +##abe +thorn +##rift +##imo +##pop +suppression +fatigue +cutter +##tr +201 +wurttemberg +##orf +enforced +hovering +proprietary +gb +samurai +syllable +ascent +lacey +tick +lars +tractor +merchandise +rep +bouncing +defendants +##yre +huntington +##ground +##oko +standardized +##hor +##hima +assassinated +nu +predecessors +rainy +liar +assurance +lyrical +##uga +secondly +flattened +ios +parameter +undercover +##mity +bordeaux +punish +ridges +markers +exodus +inactive +hesitate +debbie +nyc +pledge +savoy +nagar +offset +organist +##tium +hesse +marin +converting +##iver +diagram +propulsion +pu +validity +reverted +supportive +##dc +ministries +clans +responds +proclamation +##inae +##ø +##rea +ein +pleading +patriot +sf +birch +islanders +strauss +hates +##dh +brandenburg +concession +rd +##ob +1900s +killings +textbook +antiquity +cinematography +wharf +embarrassing +setup +creed +farmland +inequality +centred +signatures +fallon +370 +##ingham +##uts +ceylon +gazing +directive +laurie +##tern +globally +##uated +##dent +allah +excavation +threads +##cross +148 +frantically +icc +utilize +determines +respiratory +thoughtful +receptions +##dicate +merging +chandra +seine +147 +builders +builds +diagnostic +dev +visibility +goddamn +analyses +dhaka +cho +proves +chancel +concurrent +curiously +canadians +pumped +restoring +1850s +turtles +jaguar +sinister +spinal +traction +declan +vows +1784 +glowed +capitalism +swirling +install +universidad +##lder +##oat +soloist +##genic +##oor +coincidence +beginnings +nissan +dip +resorts +caucasus +combustion +infectious +##eno +pigeon +serpent +##itating +conclude +masked +salad +jew +##gr +surreal +toni +##wc +harmonica +151 +##gins +##etic +##coat +fishermen +intending +bravery +##wave +klaus +titan +wembley +taiwanese +ransom +40th +incorrect +hussein +eyelids +jp +cooke +dramas +utilities +##etta +##print +eisenhower +principally +granada +lana +##rak +openings +concord +##bl +bethany +connie +morality +sega +##mons +##nard +earnings +##kara +##cine +wii +communes +##rel +coma +composing +softened +severed +grapes +##17 +nguyen +analyzed +warlord +hubbard +heavenly +behave +slovenian +##hit +##ony +hailed +filmmakers +trance +caldwell +skye +unrest +coward +likelihood +##aging +bern +sci +taliban +honolulu +propose +##wang +1700 +browser +imagining +cobra +contributes +dukes +instinctively +conan +violinist +##ores +accessories +gradual +##amp +quotes +sioux +##dating +undertake +intercepted +sparkling +compressed +139 +fungus +tombs +haley +imposing +rests +degradation +lincolnshire +retailers +wetlands +tulsa +distributor +dungeon +nun +greenhouse +convey +atlantis +aft +exits +oman +dresser +lyons +##sti +joking +eddy +judgement +omitted +digits +##cts +##game +juniors +##rae +cents +stricken +une +##ngo +wizards +weir +breton +nan +technician +fibers +liking +royalty +##cca +154 +persia +terribly +magician +##rable +##unt +vance +cafeteria +booker +camille +warmer +##static +consume +cavern +gaps +compass +contemporaries +foyer +soothing +graveyard +maj +plunged +blush +##wear +cascade +demonstrates +ordinance +##nov +boyle +##lana +rockefeller +shaken +banjo +izzy +##ense +breathless +vines +##32 +##eman +alterations +chromosome +dwellings +feudal +mole +153 +catalonia +relics +tenant +mandated +##fm +fridge +hats +honesty +patented +raul +heap +cruisers +accusing +enlightenment +infants +wherein +chatham +contractors +zen +affinity +hc +osborne +piston +156 +traps +maturity +##rana +lagos +##zal +peering +##nay +attendant +dealers +protocols +subset +prospects +biographical +##cre +artery +##zers +insignia +nuns +endured +##eration +recommend +schwartz +serbs +berger +cromwell +crossroads +##ctor +enduring +clasped +grounded +##bine +marseille +twitched +abel +choke +https +catalyst +moldova +italians +##tist +disastrous +wee +##oured +##nti +wwf +nope +##piration +##asa +expresses +thumbs +167 +##nza +coca +1781 +cheating +##ption +skipped +sensory +heidelberg +spies +satan +dangers +semifinal +202 +bohemia +whitish +confusing +shipbuilding +relies +surgeons +landings +ravi +baku +moor +suffix +alejandro +##yana +litre +upheld +##unk +rajasthan +##rek +coaster +insists +posture +scenarios +etienne +favoured +appoint +transgender +elephants +poked +greenwood +defences +fulfilled +militant +somali +1758 +chalk +potent +##ucci +migrants +wink +assistants +nos +restriction +activism +niger +##ario +colon +shaun +##sat +daphne +##erated +swam +congregations +reprise +considerations +magnet +playable +xvi +##р +overthrow +tobias +knob +chavez +coding +##mers +propped +katrina +orient +newcomer +##suke +temperate +##pool +farmhouse +interrogation +##vd +committing +##vert +forthcoming +strawberry +joaquin +macau +ponds +shocking +siberia +##cellular +chant +contributors +##nant +##ologists +sped +absorb +hail +1782 +spared +##hore +barbados +karate +opus +originates +saul +##xie +evergreen +leaped +##rock +correlation +exaggerated +weekday +unification +bump +tracing +brig +afb +pathways +utilizing +##ners +mod +mb +disturbance +kneeling +##stad +##guchi +100th +pune +##thy +decreasing +168 +manipulation +miriam +academia +ecosystem +occupational +rbi +##lem +rift +##14 +rotary +stacked +incorporation +awakening +generators +guerrero +racist +##omy +cyber +derivatives +culminated +allie +annals +panzer +sainte +wikipedia +pops +zu +austro +##vate +algerian +politely +nicholson +mornings +educate +tastes +thrill +dartmouth +##gating +db +##jee +regan +differing +concentrating +choreography +divinity +##media +pledged +alexandre +routing +gregor +madeline +##idal +apocalypse +##hora +gunfire +culminating +elves +fined +liang +lam +programmed +tar +guessing +transparency +gabrielle +##gna +cancellation +flexibility +##lining +accession +shea +stronghold +nets +specializes +##rgan +abused +hasan +sgt +ling +exceeding +##₄ +admiration +supermarket +##ark +photographers +specialised +tilt +resonance +hmm +perfume +380 +sami +threatens +garland +botany +guarding +boiled +greet +puppy +russo +supplier +wilmington +vibrant +vijay +##bius +paralympic +grumbled +paige +faa +licking +margins +hurricanes +##gong +fest +grenade +ripping +##uz +counseling +weigh +##sian +needles +wiltshire +edison +costly +##not +fulton +tramway +redesigned +staffordshire +cache +gasping +watkins +sleepy +candidacy +##group +monkeys +timeline +throbbing +##bid +##sos +berth +uzbekistan +vanderbilt +bothering +overturned +ballots +gem +##iger +sunglasses +subscribers +hooker +compelling +ang +exceptionally +saloon +stab +##rdi +carla +terrifying +rom +##vision +coil +##oids +satisfying +vendors +31st +mackay +deities +overlooked +ambient +bahamas +felipe +olympia +whirled +botanist +advertised +tugging +##dden +disciples +morales +unionist +rites +foley +morse +motives +creepy +##₀ +soo +##sz +bargain +highness +frightening +turnpike +tory +reorganization +##cer +depict +biographer +##walk +unopposed +manifesto +##gles +institut +emile +accidental +kapoor +##dam +kilkenny +cortex +lively +##13 +romanesque +jain +shan +cannons +##ood +##ske +petrol +echoing +amalgamated +disappears +cautious +proposes +sanctions +trenton +##ر +flotilla +aus +contempt +tor +canary +cote +theirs +##hun +conceptual +deleted +fascinating +paso +blazing +elf +honourable +hutchinson +##eiro +##outh +##zin +surveyor +tee +amidst +wooded +reissue +intro +##ono +cobb +shelters +newsletter +hanson +brace +encoding +confiscated +dem +caravan +marino +scroll +melodic +cows +imam +##adi +##aneous +northward +searches +biodiversity +cora +310 +roaring +##bers +connell +theologian +halo +compose +pathetic +unmarried +dynamo +##oot +az +calculation +toulouse +deserves +humour +nr +forgiveness +tam +undergone +martyr +pamela +myths +whore +counselor +hicks +290 +heavens +battleship +electromagnetic +##bbs +stellar +establishments +presley +hopped +##chin +temptation +90s +wills +nas +##yuan +nhs +##nya +seminars +##yev +adaptations +gong +asher +lex +indicator +sikh +tobago +cites +goin +##yte +satirical +##gies +characterised +correspond +bubbles +lure +participates +##vid +eruption +skate +therapeutic +1785 +canals +wholesale +defaulted +sac +460 +petit +##zzled +virgil +leak +ravens +256 +portraying +##yx +ghetto +creators +dams +portray +vicente +##rington +fae +namesake +bounty +##arium +joachim +##ota +##iser +aforementioned +axle +snout +depended +dismantled +reuben +480 +##ibly +gallagher +##lau +##pd +earnest +##ieu +##iary +inflicted +objections +##llar +asa +gritted +##athy +jericho +##sea +##was +flick +underside +ceramics +undead +substituted +195 +eastward +undoubtedly +wheeled +chimney +##iche +guinness +cb +##ager +siding +##bell +traitor +baptiste +disguised +inauguration +149 +tipperary +choreographer +perched +warmed +stationary +eco +##ike +##ntes +bacterial +##aurus +flores +phosphate +##core +attacker +invaders +alvin +intersects +a1 +indirectly +immigrated +businessmen +cornelius +valves +narrated +pill +sober +ul +nationale +monastic +applicants +scenery +##jack +161 +motifs +constitutes +cpu +##osh +jurisdictions +sd +tuning +irritation +woven +##uddin +fertility +gao +##erie +antagonist +impatient +glacial +hides +boarded +denominations +interception +##jas +cookie +nicola +##tee +algebraic +marquess +bahn +parole +buyers +bait +turbines +paperwork +bestowed +natasha +renee +oceans +purchases +157 +vaccine +215 +##tock +fixtures +playhouse +integrate +jai +oswald +intellectuals +##cky +booked +nests +mortimer +##isi +obsession +sept +##gler +##sum +440 +scrutiny +simultaneous +squinted +##shin +collects +oven +shankar +penned +remarkably +##я +slips +luggage +spectral +1786 +collaborations +louie +consolidation +##ailed +##ivating +420 +hoover +blackpool +harness +ignition +vest +tails +belmont +mongol +skinner +##nae +visually +mage +derry +##tism +##unce +stevie +transitional +##rdy +redskins +drying +prep +prospective +##21 +annoyance +oversee +##loaded +fills +##books +##iki +announces +fda +scowled +respects +prasad +mystic +tucson +##vale +revue +springer +bankrupt +1772 +aristotle +salvatore +habsburg +##geny +dal +natal +nut +pod +chewing +darts +moroccan +walkover +rosario +lenin +punjabi +##ße +grossed +scattering +wired +invasive +hui +polynomial +corridors +wakes +gina +portrays +##cratic +arid +retreating +erich +irwin +sniper +##dha +linen +lindsey +maneuver +butch +shutting +socio +bounce +commemorative +postseason +jeremiah +pines +275 +mystical +beads +bp +abbas +furnace +bidding +consulted +assaulted +empirical +rubble +enclosure +sob +weakly +cancel +polly +yielded +##emann +curly +prediction +battered +70s +vhs +jacqueline +render +sails +barked +detailing +grayson +riga +sloane +raging +##yah +herbs +bravo +##athlon +alloy +giggle +imminent +suffers +assumptions +waltz +##itate +accomplishments +##ited +bathing +remixed +deception +prefix +##emia +deepest +##tier +##eis +balkan +frogs +##rong +slab +##pate +philosophers +peterborough +grains +imports +dickinson +rwanda +##atics +1774 +dirk +lan +tablets +##rove +clone +##rice +caretaker +hostilities +mclean +##gre +regimental +treasures +norms +impose +tsar +tango +diplomacy +variously +complain +192 +recognise +arrests +1779 +celestial +pulitzer +##dus +bing +libretto +##moor +adele +splash +##rite +expectation +lds +confronts +##izer +spontaneous +harmful +wedge +entrepreneurs +buyer +##ope +bilingual +translate +rugged +conner +circulated +uae +eaton +##gra +##zzle +lingered +lockheed +vishnu +reelection +alonso +##oom +joints +yankee +headline +cooperate +heinz +laureate +invading +##sford +echoes +scandinavian +##dham +hugging +vitamin +salute +micah +hind +trader +##sper +radioactive +##ndra +militants +poisoned +ratified +remark +campeonato +deprived +wander +prop +##dong +outlook +##tani +##rix +##eye +chiang +darcy +##oping +mandolin +spice +statesman +babylon +182 +walled +forgetting +afro +##cap +158 +giorgio +buffer +##polis +planetary +##gis +overlap +terminals +kinda +centenary +##bir +arising +manipulate +elm +ke +1770 +ak +##tad +chrysler +mapped +moose +pomeranian +quad +macarthur +assemblies +shoreline +recalls +stratford +##rted +noticeable +##evic +imp +##rita +##sque +accustomed +supplying +tents +disgusted +vogue +sipped +filters +khz +reno +selecting +luftwaffe +mcmahon +tyne +masterpiece +carriages +collided +dunes +exercised +flare +remembers +muzzle +##mobile +heck +##rson +burgess +lunged +middleton +boycott +bilateral +##sity +hazardous +lumpur +multiplayer +spotlight +jackets +goldman +liege +porcelain +rag +waterford +benz +attracts +hopeful +battling +ottomans +kensington +baked +hymns +cheyenne +lattice +levine +borrow +polymer +clashes +michaels +monitored +commitments +denounced +##25 +##von +cavity +##oney +hobby +akin +##holders +futures +intricate +cornish +patty +##oned +illegally +dolphin +##lag +barlow +yellowish +maddie +apologized +luton +plagued +##puram +nana +##rds +sway +fanny +łodz +##rino +psi +suspicions +hanged +##eding +initiate +charlton +##por +nak +competent +235 +analytical +annex +wardrobe +reservations +##rma +sect +162 +fairfax +hedge +piled +buckingham +uneven +bauer +simplicity +snyder +interpret +accountability +donors +moderately +byrd +continents +##cite +##max +disciple +hr +jamaican +ping +nominees +##uss +mongolian +diver +attackers +eagerly +ideological +pillows +miracles +apartheid +revolver +sulfur +clinics +moran +163 +##enko +ile +katy +rhetoric +##icated +chronology +recycling +##hrer +elongated +mughal +pascal +profiles +vibration +databases +domination +##fare +##rant +matthias +digest +rehearsal +polling +weiss +initiation +reeves +clinging +flourished +impress +ngo +##hoff +##ume +buckley +symposium +rhythms +weed +emphasize +transforming +##taking +##gence +##yman +accountant +analyze +flicker +foil +priesthood +voluntarily +decreases +##80 +##hya +slater +sv +charting +mcgill +##lde +moreno +##iu +besieged +zur +robes +##phic +admitting +api +deported +turmoil +peyton +earthquakes +##ares +nationalists +beau +clair +brethren +interrupt +welch +curated +galerie +requesting +164 +##ested +impending +steward +viper +##vina +complaining +beautifully +brandy +foam +nl +1660 +##cake +alessandro +punches +laced +explanations +##lim +attribute +clit +reggie +discomfort +##cards +smoothed +whales +##cene +adler +countered +duffy +disciplinary +widening +recipe +reliance +conducts +goats +gradient +preaching +##shaw +matilda +quasi +striped +meridian +cannabis +cordoba +certificates +##agh +##tering +graffiti +hangs +pilgrims +repeats +##ych +revive +urine +etat +##hawk +fueled +belts +fuzzy +susceptible +##hang +mauritius +salle +sincere +beers +hooks +##cki +arbitration +entrusted +advise +sniffed +seminar +junk +donnell +processors +principality +strapped +celia +mendoza +everton +fortunes +prejudice +starving +reassigned +steamer +##lund +tuck +evenly +foreman +##ffen +dans +375 +envisioned +slit +##xy +baseman +liberia +rosemary +##weed +electrified +periodically +potassium +stride +contexts +sperm +slade +mariners +influx +bianca +subcommittee +##rane +spilling +icao +estuary +##nock +delivers +iphone +##ulata +isa +mira +bohemian +dessert +##sbury +welcoming +proudly +slowing +##chs +musee +ascension +russ +##vian +waits +##psy +africans +exploit +##morphic +gov +eccentric +crab +peck +##ull +entrances +formidable +marketplace +groom +bolted +metabolism +patton +robbins +courier +payload +endure +##ifier +andes +refrigerator +##pr +ornate +##uca +ruthless +illegitimate +masonry +strasbourg +bikes +adobe +##³ +apples +quintet +willingly +niche +bakery +corpses +energetic +##cliffe +##sser +##ards +177 +centimeters +centro +fuscous +cretaceous +rancho +##yde +andrei +telecom +tottenham +oasis +ordination +vulnerability +presiding +corey +cp +penguins +sims +##pis +malawi +piss +##48 +correction +##cked +##ffle +##ryn +countdown +detectives +psychiatrist +psychedelic +dinosaurs +blouse +##get +choi +vowed +##oz +randomly +##pol +49ers +scrub +blanche +bruins +dusseldorf +##using +unwanted +##ums +212 +dominique +elevations +headlights +om +laguna +##oga +1750 +famously +ignorance +shrewsbury +##aine +ajax +breuning +che +confederacy +greco +overhaul +##screen +paz +skirts +disagreement +cruelty +jagged +phoebe +shifter +hovered +viruses +##wes +mandy +##lined +##gc +landlord +squirrel +dashed +##ι +ornamental +gag +wally +grange +literal +spurs +undisclosed +proceeding +yin +##text +billie +orphan +spanned +humidity +indy +weighted +presentations +explosions +lucian +##tary +vaughn +hindus +##anga +##hell +psycho +171 +daytona +protects +efficiently +rematch +sly +tandem +##oya +rebranded +impaired +hee +metropolis +peach +godfrey +diaspora +ethnicity +prosperous +gleaming +dar +grossing +playback +##rden +stripe +pistols +##tain +births +labelled +##cating +172 +rudy +alba +##onne +aquarium +hostility +##gb +##tase +shudder +sumatra +hardest +lakers +consonant +creeping +demos +homicide +capsule +zeke +liberties +expulsion +pueblo +##comb +trait +transporting +##ddin +##neck +##yna +depart +gregg +mold +ledge +hangar +oldham +playboy +termination +analysts +gmbh +romero +##itic +insist +cradle +filthy +brightness +slash +shootout +deposed +bordering +##truct +isis +microwave +tumbled +sheltered +cathy +werewolves +messy +andersen +convex +clapped +clinched +satire +wasting +edo +vc +rufus +##jak +mont +##etti +poznan +##keeping +restructuring +transverse +##rland +azerbaijani +slovene +gestures +roommate +choking +shear +##quist +vanguard +oblivious +##hiro +disagreed +baptism +##lich +coliseum +##aceae +salvage +societe +cory +locke +relocation +relying +versailles +ahl +swelling +##elo +cheerful +##word +##edes +gin +sarajevo +obstacle +diverted +##nac +messed +thoroughbred +fluttered +utrecht +chewed +acquaintance +assassins +dispatch +mirza +##wart +nike +salzburg +swell +yen +##gee +idle +ligue +samson +##nds +##igh +playful +spawned +##cise +tease +##case +burgundy +##bot +stirring +skeptical +interceptions +marathi +##dies +bedrooms +aroused +pinch +##lik +preferences +tattoos +buster +digitally +projecting +rust +##ital +kitten +priorities +addison +pseudo +##guard +dusk +icons +sermon +##psis +##iba +bt +##lift +##xt +ju +truce +rink +##dah +##wy +defects +psychiatry +offences +calculate +glucose +##iful +##rized +##unda +francaise +##hari +richest +warwickshire +carly +1763 +purity +redemption +lending +##cious +muse +bruises +cerebral +aero +carving +##name +preface +terminology +invade +monty +##int +anarchist +blurred +##iled +rossi +treats +guts +shu +foothills +ballads +undertaking +premise +cecilia +affiliates +blasted +conditional +wilder +minors +drone +rudolph +buffy +swallowing +horton +attested +##hop +rutherford +howell +primetime +livery +penal +##bis +minimize +hydro +wrecked +wrought +palazzo +##gling +cans +vernacular +friedman +nobleman +shale +walnut +danielle +##ection +##tley +sears +##kumar +chords +lend +flipping +streamed +por +dracula +gallons +sacrifices +gamble +orphanage +##iman +mckenzie +##gible +boxers +daly +##balls +##ان +208 +##ific +##rative +##iq +exploited +slated +##uity +circling +hillary +pinched +goldberg +provost +campaigning +lim +piles +ironically +jong +mohan +successors +usaf +##tem +##ught +autobiographical +haute +preserves +##ending +acquitted +comparisons +203 +hydroelectric +gangs +cypriot +torpedoes +rushes +chrome +derive +bumps +instability +fiat +pets +##mbe +silas +dye +reckless +settler +##itation +info +heats +##writing +176 +canonical +maltese +fins +mushroom +stacy +aspen +avid +##kur +##loading +vickers +gaston +hillside +statutes +wilde +gail +kung +sabine +comfortably +motorcycles +##rgo +169 +pneumonia +fetch +##sonic +axel +faintly +parallels +##oop +mclaren +spouse +compton +interdisciplinary +miner +##eni +181 +clamped +##chal +##llah +separates +versa +##mler +scarborough +labrador +##lity +##osing +rutgers +hurdles +como +166 +burt +divers +##100 +wichita +cade +coincided +##erson +bruised +mla +##pper +vineyard +##ili +##brush +notch +mentioning +jase +hearted +kits +doe +##acle +pomerania +##ady +ronan +seizure +pavel +problematic +##zaki +domenico +##ulin +catering +penelope +dependence +parental +emilio +ministerial +atkinson +##bolic +clarkson +chargers +colby +grill +peeked +arises +summon +##aged +fools +##grapher +faculties +qaeda +##vial +garner +refurbished +##hwa +geelong +disasters +nudged +bs +shareholder +lori +algae +reinstated +rot +##ades +##nous +invites +stainless +183 +inclusive +##itude +diocesan +til +##icz +denomination +##xa +benton +floral +registers +##ider +##erman +##kell +absurd +brunei +guangzhou +hitter +retaliation +##uled +##eve +blanc +nh +consistency +contamination +##eres +##rner +dire +palermo +broadcasters +diaries +inspire +vols +brewer +tightening +ky +mixtape +hormone +##tok +stokes +##color +##dly +##ssi +pg +##ometer +##lington +sanitation +##tility +intercontinental +apps +##adt +¹⁄₂ +cylinders +economies +favourable +unison +croix +gertrude +odyssey +vanity +dangling +##logists +upgrades +dice +middleweight +practitioner +##ight +206 +henrik +parlor +orion +angered +lac +python +blurted +##rri +sensual +intends +swings +angled +##phs +husky +attain +peerage +precinct +textiles +cheltenham +shuffled +dai +confess +tasting +bhutan +##riation +tyrone +segregation +abrupt +ruiz +##rish +smirked +blackwell +confidential +browning +amounted +##put +vase +scarce +fabulous +raided +staple +guyana +unemployed +glider +shay +##tow +carmine +troll +intervene +squash +superstar +##uce +cylindrical +len +roadway +researched +handy +##rium +##jana +meta +lao +declares +##rring +##tadt +##elin +##kova +willem +shrubs +napoleonic +realms +skater +qi +volkswagen +##ł +tad +hara +archaeologist +awkwardly +eerie +##kind +wiley +##heimer +##24 +titus +organizers +cfl +crusaders +lama +usb +vent +enraged +thankful +occupants +maximilian +##gaard +possessing +textbooks +##oran +collaborator +quaker +##ulo +avalanche +mono +silky +straits +isaiah +mustang +surged +resolutions +potomac +descend +cl +kilograms +plato +strains +saturdays +##olin +bernstein +##ype +holstein +ponytail +##watch +belize +conversely +heroine +perpetual +##ylus +charcoal +piedmont +glee +negotiating +backdrop +prologue +##jah +##mmy +pasadena +climbs +ramos +sunni +##holm +##tner +##tri +anand +deficiency +hertfordshire +stout +##avi +aperture +orioles +##irs +doncaster +intrigued +bombed +coating +otis +##mat +cocktail +##jit +##eto +amir +arousal +sar +##proof +##act +##ories +dixie +pots +##bow +whereabouts +159 +##fted +drains +bullying +cottages +scripture +coherent +fore +poe +appetite +##uration +sampled +##ators +##dp +derrick +rotor +jays +peacock +installment +##rro +advisors +##coming +rodeo +scotch +##mot +##db +##fen +##vant +ensued +rodrigo +dictatorship +martyrs +twenties +##н +towed +incidence +marta +rainforest +sai +scaled +##cles +oceanic +qualifiers +symphonic +mcbride +dislike +generalized +aubrey +colonization +##iation +##lion +##ssing +disliked +lublin +salesman +##ulates +spherical +whatsoever +sweating +avalon +contention +punt +severity +alderman +atari +##dina +##grant +##rop +scarf +seville +vertices +annexation +fairfield +fascination +inspiring +launches +palatinate +regretted +##rca +feral +##iom +elk +nap +olsen +reddy +yong +##leader +##iae +garment +transports +feng +gracie +outrage +viceroy +insides +##esis +breakup +grady +organizer +softer +grimaced +222 +murals +galicia +arranging +vectors +##rsten +bas +##sb +##cens +sloan +##eka +bitten +ara +fender +nausea +bumped +kris +banquet +comrades +detector +persisted +##llan +adjustment +endowed +cinemas +##shot +sellers +##uman +peek +epa +kindly +neglect +simpsons +talon +mausoleum +runaway +hangul +lookout +##cic +rewards +coughed +acquainted +chloride +##ald +quicker +accordion +neolithic +##qa +artemis +coefficient +lenny +pandora +tx +##xed +ecstasy +litter +segunda +chairperson +gemma +hiss +rumor +vow +nasal +antioch +compensate +patiently +transformers +##eded +judo +morrow +penis +posthumous +philips +bandits +husbands +denote +flaming +##any +##phones +langley +yorker +1760 +walters +##uo +##kle +gubernatorial +fatty +samsung +leroy +outlaw +##nine +unpublished +poole +jakob +##ᵢ +##ₙ +crete +distorted +superiority +##dhi +intercept +crust +mig +claus +crashes +positioning +188 +stallion +301 +frontal +armistice +##estinal +elton +aj +encompassing +camel +commemorated +malaria +woodward +calf +cigar +penetrate +##oso +willard +##rno +##uche +illustrate +amusing +convergence +noteworthy +##lma +##rva +journeys +realise +manfred +##sable +410 +##vocation +hearings +fiance +##posed +educators +provoked +adjusting +##cturing +modular +stockton +paterson +vlad +rejects +electors +selena +maureen +##tres +uber +##rce +swirled +##num +proportions +nanny +pawn +naturalist +parma +apostles +awoke +ethel +wen +##bey +monsoon +overview +##inating +mccain +rendition +risky +adorned +##ih +equestrian +germain +nj +conspicuous +confirming +##yoshi +shivering +##imeter +milestone +rumours +flinched +bounds +smacked +token +##bei +lectured +automobiles +##shore +impacted +##iable +nouns +nero +##leaf +ismail +prostitute +trams +##lace +bridget +sud +stimulus +impressions +reins +revolves +##oud +##gned +giro +honeymoon +##swell +criterion +##sms +##uil +libyan +prefers +##osition +211 +preview +sucks +accusation +bursts +metaphor +diffusion +tolerate +faye +betting +cinematographer +liturgical +specials +bitterly +humboldt +##ckle +flux +rattled +##itzer +archaeologists +odor +authorised +marshes +discretion +##ов +alarmed +archaic +inverse +##leton +explorers +##pine +drummond +tsunami +woodlands +##minate +##tland +booklet +insanity +owning +insert +crafted +calculus +##tore +receivers +##bt +stung +##eca +##nched +prevailing +travellers +eyeing +lila +graphs +##borne +178 +julien +##won +morale +adaptive +therapist +erica +cw +libertarian +bowman +pitches +vita +##ional +crook +##ads +##entation +caledonia +mutiny +##sible +1840s +automation +##ß +flock +##pia +ironic +pathology +##imus +remarried +##22 +joker +withstand +energies +##att +shropshire +hostages +madeleine +tentatively +conflicting +mateo +recipes +euros +ol +mercenaries +nico +##ndon +albuquerque +augmented +mythical +bel +freud +##child +cough +##lica +365 +freddy +lillian +genetically +nuremberg +calder +209 +bonn +outdoors +paste +suns +urgency +vin +restraint +tyson +##cera +##selle +barrage +bethlehem +kahn +##par +mounts +nippon +barony +happier +ryu +makeshift +sheldon +blushed +castillo +barking +listener +taped +bethel +fluent +headlines +pornography +rum +disclosure +sighing +mace +doubling +gunther +manly +##plex +rt +interventions +physiological +forwards +emerges +##tooth +##gny +compliment +rib +recession +visibly +barge +faults +connector +exquisite +prefect +##rlin +patio +##cured +elevators +brandt +italics +pena +173 +wasp +satin +ea +botswana +graceful +respectable +##jima +##rter +##oic +franciscan +generates +##dl +alfredo +disgusting +##olate +##iously +sherwood +warns +cod +promo +cheryl +sino +##ة +##escu +twitch +##zhi +brownish +thom +ortiz +##dron +densely +##beat +carmel +reinforce +##bana +187 +anastasia +downhill +vertex +contaminated +remembrance +harmonic +homework +##sol +fiancee +gears +olds +angelica +loft +ramsay +quiz +colliery +sevens +##cape +autism +##hil +walkway +##boats +ruben +abnormal +ounce +khmer +##bbe +zachary +bedside +morphology +punching +##olar +sparrow +convinces +##35 +hewitt +queer +remastered +rods +mabel +solemn +notified +lyricist +symmetric +##xide +174 +encore +passports +wildcats +##uni +baja +##pac +mildly +##ease +bleed +commodity +mounds +glossy +orchestras +##omo +damian +prelude +ambitions +##vet +awhile +remotely +##aud +asserts +imply +##iques +distinctly +modelling +remedy +##dded +windshield +dani +xiao +##endra +audible +powerplant +1300 +invalid +elemental +acquisitions +##hala +immaculate +libby +plata +smuggling +ventilation +denoted +minh +##morphism +430 +differed +dion +kelley +lore +mocking +sabbath +spikes +hygiene +drown +runoff +stylized +tally +liberated +aux +interpreter +righteous +aba +siren +reaper +pearce +millie +##cier +##yra +gaius +##iso +captures +##ttering +dorm +claudio +##sic +benches +knighted +blackness +##ored +discount +fumble +oxidation +routed +##ς +novak +perpendicular +spoiled +fracture +splits +##urt +pads +topology +##cats +axes +fortunate +offenders +protestants +esteem +221 +broadband +convened +frankly +hound +prototypes +isil +facilitated +keel +##sher +sahara +awaited +bubba +orb +prosecutors +186 +hem +520 +##xing +relaxing +remnant +romney +sorted +slalom +stefano +ulrich +##active +exemption +folder +pauses +foliage +hitchcock +epithet +204 +criticisms +##aca +ballistic +brody +hinduism +chaotic +youths +equals +##pala +pts +thicker +analogous +capitalist +improvised +overseeing +sinatra +ascended +beverage +##tl +straightforward +##kon +curran +##west +bois +325 +induce +surveying +emperors +sax +unpopular +##kk +cartoonist +fused +##mble +unto +##yuki +localities +##cko +##ln +darlington +slain +academie +lobbying +sediment +puzzles +##grass +defiance +dickens +manifest +tongues +alumnus +arbor +coincide +184 +appalachian +mustafa +examiner +cabaret +traumatic +yves +bracelet +draining +heroin +magnum +baths +odessa +consonants +mitsubishi +##gua +kellan +vaudeville +##fr +joked +null +straps +probation +##ław +ceded +interfaces +##pas +##zawa +blinding +viet +224 +rothschild +museo +640 +huddersfield +##vr +tactic +##storm +brackets +dazed +incorrectly +##vu +reg +glazed +fearful +manifold +benefited +irony +##sun +stumbling +##rte +willingness +balkans +mei +wraps +##aba +injected +##lea +gu +syed +harmless +##hammer +bray +takeoff +poppy +timor +cardboard +astronaut +purdue +weeping +southbound +cursing +stalls +diagonal +##neer +lamar +bryce +comte +weekdays +harrington +##uba +negatively +##see +lays +grouping +##cken +##henko +affirmed +halle +modernist +##lai +hodges +smelling +aristocratic +baptized +dismiss +justification +oilers +##now +coupling +qin +snack +healer +##qing +gardener +layla +battled +formulated +stephenson +gravitational +##gill +##jun +1768 +granny +coordinating +suites +##cd +##ioned +monarchs +##cote +##hips +sep +blended +apr +barrister +deposition +fia +mina +policemen +paranoid +##pressed +churchyard +covert +crumpled +creep +abandoning +tr +transmit +conceal +barr +understands +readiness +spire +##cology +##enia +##erry +610 +startling +unlock +vida +bowled +slots +##nat +##islav +spaced +trusting +admire +rig +##ink +slack +##70 +mv +207 +casualty +##wei +classmates +##odes +##rar +##rked +amherst +furnished +evolve +foundry +menace +mead +##lein +flu +wesleyan +##kled +monterey +webber +##vos +wil +##mith +##на +bartholomew +justices +restrained +##cke +amenities +191 +mediated +sewage +trenches +ml +mainz +##thus +1800s +##cula +##inski +caine +bonding +213 +converts +spheres +superseded +marianne +crypt +sweaty +ensign +historia +##br +spruce +##post +##ask +forks +thoughtfully +yukon +pamphlet +ames +##uter +karma +##yya +bryn +negotiation +sighs +incapable +##mbre +##ntial +actresses +taft +##mill +luce +prevailed +##amine +1773 +motionless +envoy +testify +investing +sculpted +instructors +provence +kali +cullen +horseback +##while +goodwin +##jos +gaa +norte +##ldon +modify +wavelength +abd +214 +skinned +sprinter +forecast +scheduling +marries +squared +tentative +##chman +boer +##isch +bolts +swap +fisherman +assyrian +impatiently +guthrie +martins +murdoch +194 +tanya +nicely +dolly +lacy +med +##45 +syn +decks +fashionable +millionaire +##ust +surfing +##ml +##ision +heaved +tammy +consulate +attendees +routinely +197 +fuse +saxophonist +backseat +malaya +##lord +scowl +tau +##ishly +193 +sighted +steaming +##rks +303 +911 +##holes +##hong +ching +##wife +bless +conserved +jurassic +stacey +unix +zion +chunk +rigorous +blaine +198 +peabody +slayer +dismay +brewers +nz +##jer +det +##glia +glover +postwar +int +penetration +sylvester +imitation +vertically +airlift +heiress +knoxville +viva +##uin +390 +macon +##rim +##fighter +##gonal +janice +##orescence +##wari +marius +belongings +leicestershire +196 +blanco +inverted +preseason +sanity +sobbing +##due +##elt +##dled +collingwood +regeneration +flickering +shortest +##mount +##osi +feminism +##lat +sherlock +cabinets +fumbled +northbound +precedent +snaps +##mme +researching +##akes +guillaume +insights +manipulated +vapor +neighbour +sap +gangster +frey +f1 +stalking +scarcely +callie +barnett +tendencies +audi +doomed +assessing +slung +panchayat +ambiguous +bartlett +##etto +distributing +violating +wolverhampton +##hetic +swami +histoire +##urus +liable +pounder +groin +hussain +larsen +popping +surprises +##atter +vie +curt +##station +mute +relocate +musicals +authorization +richter +##sef +immortality +tna +bombings +##press +deteriorated +yiddish +##acious +robbed +colchester +cs +pmid +ao +verified +balancing +apostle +swayed +recognizable +oxfordshire +retention +nottinghamshire +contender +judd +invitational +shrimp +uhf +##icient +cleaner +longitudinal +tanker +##mur +acronym +broker +koppen +sundance +suppliers +##gil +4000 +clipped +fuels +petite +##anne +landslide +helene +diversion +populous +landowners +auspices +melville +quantitative +##xes +ferries +nicky +##llus +doo +haunting +roche +carver +downed +unavailable +##pathy +approximation +hiroshima +##hue +garfield +valle +comparatively +keyboardist +traveler +##eit +congestion +calculating +subsidiaries +##bate +serb +modernization +fairies +deepened +ville +averages +##lore +inflammatory +tonga +##itch +co₂ +squads +##hea +gigantic +serum +enjoyment +retailer +verona +35th +cis +##phobic +magna +technicians +##vati +arithmetic +##sport +levin +##dation +amtrak +chow +sienna +##eyer +backstage +entrepreneurship +##otic +learnt +tao +##udy +worcestershire +formulation +baggage +hesitant +bali +sabotage +##kari +barren +enhancing +murmur +pl +freshly +putnam +syntax +aces +medicines +resentment +bandwidth +##sier +grins +chili +guido +##sei +framing +implying +gareth +lissa +genevieve +pertaining +admissions +geo +thorpe +proliferation +sato +bela +analyzing +parting +##gor +awakened +##isman +huddled +secrecy +##kling +hush +gentry +540 +dungeons +##ego +coasts +##utz +sacrificed +##chule +landowner +mutually +prevalence +programmer +adolescent +disrupted +seaside +gee +trusts +vamp +georgie +##nesian +##iol +schedules +sindh +##market +etched +hm +sparse +bey +beaux +scratching +gliding +unidentified +216 +collaborating +gems +jesuits +oro +accumulation +shaping +mbe +anal +##xin +231 +enthusiasts +newscast +##egan +janata +dewey +parkinson +179 +ankara +biennial +towering +dd +inconsistent +950 +##chet +thriving +terminate +cabins +furiously +eats +advocating +donkey +marley +muster +phyllis +leiden +##user +grassland +glittering +iucn +loneliness +217 +memorandum +armenians +##ddle +popularized +rhodesia +60s +lame +##illon +sans +bikini +header +orbits +##xx +##finger +##ulator +sharif +spines +biotechnology +strolled +naughty +yates +##wire +fremantle +milo +##mour +abducted +removes +##atin +humming +wonderland +##chrome +##ester +hume +pivotal +##rates +armand +grams +believers +elector +rte +apron +bis +scraped +##yria +endorsement +initials +##llation +eps +dotted +hints +buzzing +emigration +nearer +##tom +indicators +##ulu +coarse +neutron +protectorate +##uze +directional +exploits +pains +loire +1830s +proponents +guggenheim +rabbits +ritchie +305 +hectare +inputs +hutton +##raz +verify +##ako +boilers +longitude +##lev +skeletal +yer +emilia +citrus +compromised +##gau +pokemon +prescription +paragraph +eduard +cadillac +attire +categorized +kenyan +weddings +charley +##bourg +entertain +monmouth +##lles +nutrients +davey +mesh +incentive +practised +ecosystems +kemp +subdued +overheard +##rya +bodily +maxim +##nius +apprenticeship +ursula +##fight +lodged +rug +silesian +unconstitutional +patel +inspected +coyote +unbeaten +##hak +34th +disruption +convict +parcel +##cl +##nham +collier +implicated +mallory +##iac +##lab +susannah +winkler +##rber +shia +phelps +sediments +graphical +robotic +##sner +adulthood +mart +smoked +##isto +kathryn +clarified +##aran +divides +convictions +oppression +pausing +burying +##mt +federico +mathias +eileen +##tana +kite +hunched +##acies +189 +##atz +disadvantage +liza +kinetic +greedy +paradox +yokohama +dowager +trunks +ventured +##gement +gupta +vilnius +olaf +##thest +crimean +hopper +##ej +progressively +arturo +mouthed +arrondissement +##fusion +rubin +simulcast +oceania +##orum +##stra +##rred +busiest +intensely +navigator +cary +##vine +##hini +##bies +fife +rowe +rowland +posing +insurgents +shafts +lawsuits +activate +conor +inward +culturally +garlic +265 +##eering +eclectic +##hui +##kee +##nl +furrowed +vargas +meteorological +rendezvous +##aus +culinary +commencement +##dition +quota +##notes +mommy +salaries +overlapping +mule +##iology +##mology +sums +wentworth +##isk +##zione +mainline +subgroup +##illy +hack +plaintiff +verdi +bulb +differentiation +engagements +multinational +supplemented +bertrand +caller +regis +##naire +##sler +##arts +##imated +blossom +propagation +kilometer +viaduct +vineyards +##uate +beckett +optimization +golfer +songwriters +seminal +semitic +thud +volatile +evolving +ridley +##wley +trivial +distributions +scandinavia +jiang +##ject +wrestled +insistence +##dio +emphasizes +napkin +##ods +adjunct +rhyme +##ricted +##eti +hopeless +surrounds +tremble +32nd +smoky +##ntly +oils +medicinal +padded +steer +wilkes +219 +255 +concessions +hue +uniquely +blinded +landon +yahoo +##lane +hendrix +commemorating +dex +specify +chicks +##ggio +intercity +1400 +morley +##torm +highlighting +##oting +pang +oblique +stalled +##liner +flirting +newborn +1769 +bishopric +shaved +232 +currie +##ush +dharma +spartan +##ooped +favorites +smug +novella +sirens +abusive +creations +espana +##lage +paradigm +semiconductor +sheen +##rdo +##yen +##zak +nrl +renew +##pose +##tur +adjutant +marches +norma +##enity +ineffective +weimar +grunt +##gat +lordship +plotting +expenditure +infringement +lbs +refrain +av +mimi +mistakenly +postmaster +1771 +##bara +ras +motorsports +tito +199 +subjective +##zza +bully +stew +##kaya +prescott +1a +##raphic +##zam +bids +styling +paranormal +reeve +sneaking +exploding +katz +akbar +migrant +syllables +indefinitely +##ogical +destroys +replaces +applause +##phine +pest +##fide +218 +articulated +bertie +##thing +##cars +##ptic +courtroom +crowley +aesthetics +cummings +tehsil +hormones +titanic +dangerously +##ibe +stadion +jaenelle +auguste +ciudad +##chu +mysore +partisans +##sio +lucan +philipp +##aly +debating +henley +interiors +##rano +##tious +homecoming +beyonce +usher +henrietta +prepares +weeds +##oman +ely +plucked +##pire +##dable +luxurious +##aq +artifact +password +pasture +juno +maddy +minsk +##dder +##ologies +##rone +assessments +martian +royalist +1765 +examines +##mani +##rge +nino +223 +parry +scooped +relativity +##eli +##uting +##cao +congregational +noisy +traverse +##agawa +strikeouts +nickelodeon +obituary +transylvania +binds +depictions +polk +trolley +##yed +##lard +breeders +##under +dryly +hokkaido +1762 +strengths +stacks +bonaparte +connectivity +neared +prostitutes +stamped +anaheim +gutierrez +sinai +##zzling +bram +fresno +madhya +##86 +proton +##lena +##llum +##phon +reelected +wanda +##anus +##lb +ample +distinguishing +##yler +grasping +sermons +tomato +bland +stimulation +avenues +##eux +spreads +scarlett +fern +pentagon +assert +baird +chesapeake +ir +calmed +distortion +fatalities +##olis +correctional +pricing +##astic +##gina +prom +dammit +ying +collaborate +##chia +welterweight +33rd +pointer +substitution +bonded +umpire +communicating +multitude +paddle +##obe +federally +intimacy +##insky +betray +ssr +##lett +##lean +##lves +##therapy +airbus +##tery +functioned +ud +bearer +biomedical +netflix +##hire +##nca +condom +brink +ik +##nical +macy +##bet +flap +gma +experimented +jelly +lavender +##icles +##ulia +munro +##mian +##tial +rye +##rle +60th +gigs +hottest +rotated +predictions +fuji +bu +##erence +##omi +barangay +##fulness +##sas +clocks +##rwood +##liness +cereal +roe +wight +decker +uttered +babu +onion +xml +forcibly +##df +petra +sarcasm +hartley +peeled +storytelling +##42 +##xley +##ysis +##ffa +fibre +kiel +auditor +fig +harald +greenville +##berries +geographically +nell +quartz +##athic +cemeteries +##lr +crossings +nah +holloway +reptiles +chun +sichuan +snowy +660 +corrections +##ivo +zheng +ambassadors +blacksmith +fielded +fluids +hardcover +turnover +medications +melvin +academies +##erton +ro +roach +absorbing +spaniards +colton +##founded +outsider +espionage +kelsey +245 +edible +##ulf +dora +establishes +##sham +##tries +contracting +##tania +cinematic +costello +nesting +##uron +connolly +duff +##nology +mma +##mata +fergus +sexes +gi +optics +spectator +woodstock +banning +##hee +##fle +differentiate +outfielder +refinery +226 +312 +gerhard +horde +lair +drastically +##udi +landfall +##cheng +motorsport +odi +##achi +predominant +quay +skins +##ental +edna +harshly +complementary +murdering +##aves +wreckage +##90 +ono +outstretched +lennox +munitions +galen +reconcile +470 +scalp +bicycles +gillespie +questionable +rosenberg +guillermo +hostel +jarvis +kabul +volvo +opium +yd +##twined +abuses +decca +outpost +##cino +sensible +neutrality +##64 +ponce +anchorage +atkins +turrets +inadvertently +disagree +libre +vodka +reassuring +weighs +##yal +glide +jumper +ceilings +repertory +outs +stain +##bial +envy +##ucible +smashing +heightened +policing +hyun +mixes +lai +prima +##ples +celeste +##bina +lucrative +intervened +kc +manually +##rned +stature +staffed +bun +bastards +nairobi +priced +##auer +thatcher +##kia +tripped +comune +##ogan +##pled +brasil +incentives +emanuel +hereford +musica +##kim +benedictine +biennale +##lani +eureka +gardiner +rb +knocks +sha +##ael +##elled +##onate +efficacy +ventura +masonic +sanford +maize +leverage +##feit +capacities +santana +##aur +novelty +vanilla +##cter +##tour +benin +##oir +##rain +neptune +drafting +tallinn +##cable +humiliation +##boarding +schleswig +fabian +bernardo +liturgy +spectacle +sweeney +pont +routledge +##tment +cosmos +ut +hilt +sleek +universally +##eville +##gawa +typed +##dry +favors +allegheny +glaciers +##rly +recalling +aziz +##log +parasite +requiem +auf +##berto +##llin +illumination +##breaker +##issa +festivities +bows +govern +vibe +vp +333 +sprawled +larson +pilgrim +bwf +leaping +##rts +##ssel +alexei +greyhound +hoarse +##dler +##oration +seneca +##cule +gaping +##ulously +##pura +cinnamon +##gens +##rricular +craven +fantasies +houghton +engined +reigned +dictator +supervising +##oris +bogota +commentaries +unnatural +fingernails +spirituality +tighten +##tm +canadiens +protesting +intentional +cheers +sparta +##ytic +##iere +##zine +widen +belgarath +controllers +dodd +iaaf +navarre +##ication +defect +squire +steiner +whisky +##mins +560 +inevitably +tome +##gold +chew +##uid +##lid +elastic +##aby +streaked +alliances +jailed +regal +##ined +##phy +czechoslovak +narration +absently +##uld +bluegrass +guangdong +quran +criticizing +hose +hari +##liest +##owa +skier +streaks +deploy +##lom +raft +bose +dialed +huff +##eira +haifa +simplest +bursting +endings +ib +sultanate +##titled +franks +whitman +ensures +sven +##ggs +collaborators +forster +organising +ui +banished +napier +injustice +teller +layered +thump +##otti +roc +battleships +evidenced +fugitive +sadie +robotics +##roud +equatorial +geologist +##iza +yielding +##bron +##sr +internationale +mecca +##diment +sbs +skyline +toad +uploaded +reflective +undrafted +lal +leafs +bayern +##dai +lakshmi +shortlisted +##stick +##wicz +camouflage +donate +af +christi +lau +##acio +disclosed +nemesis +1761 +assemble +straining +northamptonshire +tal +##asi +bernardino +premature +heidi +42nd +coefficients +galactic +reproduce +buzzed +sensations +zionist +monsieur +myrtle +##eme +archery +strangled +musically +viewpoint +antiquities +bei +trailers +seahawks +cured +pee +preferring +tasmanian +lange +sul +##mail +##working +colder +overland +lucivar +massey +gatherings +haitian +##smith +disapproval +flaws +##cco +##enbach +1766 +npr +##icular +boroughs +creole +forums +techno +1755 +dent +abdominal +streetcar +##eson +##stream +procurement +gemini +predictable +##tya +acheron +christoph +feeder +fronts +vendor +bernhard +jammu +tumors +slang +##uber +goaltender +twists +curving +manson +vuelta +mer +peanut +confessions +pouch +unpredictable +allowance +theodor +vascular +##factory +bala +authenticity +metabolic +coughing +nanjing +##cea +pembroke +##bard +splendid +36th +ff +hourly +##ahu +elmer +handel +##ivate +awarding +thrusting +dl +experimentation +##hesion +##46 +caressed +entertained +steak +##rangle +biologist +orphans +baroness +oyster +stepfather +##dridge +mirage +reefs +speeding +##31 +barons +1764 +227 +inhabit +preached +repealed +##tral +honoring +boogie +captives +administer +johanna +##imate +gel +suspiciously +1767 +sobs +##dington +backbone +hayward +garry +##folding +##nesia +maxi +##oof +##ppe +ellison +galileo +##stand +crimea +frenzy +amour +bumper +matrices +natalia +baking +garth +palestinians +##grove +smack +conveyed +ensembles +gardening +##manship +##rup +##stituting +1640 +harvesting +topography +jing +shifters +dormitory +##carriage +##lston +ist +skulls +##stadt +dolores +jewellery +sarawak +##wai +##zier +fences +christy +confinement +tumbling +credibility +fir +stench +##bria +##plication +##nged +##sam +virtues +##belt +marjorie +pba +##eem +##made +celebrates +schooner +agitated +barley +fulfilling +anthropologist +##pro +restrict +novi +regulating +##nent +padres +##rani +##hesive +loyola +tabitha +milky +olson +proprietor +crambidae +guarantees +intercollegiate +ljubljana +hilda +##sko +ignorant +hooded +##lts +sardinia +##lidae +##vation +frontman +privileged +witchcraft +##gp +jammed +laude +poking +##than +bracket +amazement +yunnan +##erus +maharaja +linnaeus +264 +commissioning +milano +peacefully +##logies +akira +rani +regulator +##36 +grasses +##rance +luzon +crows +compiler +gretchen +seaman +edouard +tab +buccaneers +ellington +hamlets +whig +socialists +##anto +directorial +easton +mythological +##kr +##vary +rhineland +semantic +taut +dune +inventions +succeeds +##iter +replication +branched +##pired +jul +prosecuted +kangaroo +penetrated +##avian +middlesbrough +doses +bleak +madam +predatory +relentless +##vili +reluctance +##vir +hailey +crore +silvery +1759 +monstrous +swimmers +transmissions +hawthorn +informing +##eral +toilets +caracas +crouch +kb +##sett +295 +cartel +hadley +##aling +alexia +yvonne +##biology +cinderella +eton +superb +blizzard +stabbing +industrialist +maximus +##gm +##orus +groves +maud +clade +oversized +comedic +##bella +rosen +nomadic +fulham +montane +beverages +galaxies +redundant +swarm +##rot +##folia +##llis +buckinghamshire +fen +bearings +bahadur +##rom +gilles +phased +dynamite +faber +benoit +vip +##ount +##wd +booking +fractured +tailored +anya +spices +westwood +cairns +auditions +inflammation +steamed +##rocity +##acion +##urne +skyla +thereof +watford +torment +archdeacon +transforms +lulu +demeanor +fucked +serge +##sor +mckenna +minas +entertainer +##icide +caress +originate +residue +##sty +1740 +##ilised +##org +beech +##wana +subsidies +##ghton +emptied +gladstone +ru +firefighters +voodoo +##rcle +het +nightingale +tamara +edmond +ingredient +weaknesses +silhouette +285 +compatibility +withdrawing +hampson +##mona +anguish +giggling +##mber +bookstore +##jiang +southernmost +tilting +##vance +bai +economical +rf +briefcase +dreadful +hinted +projections +shattering +totaling +##rogate +analogue +indicted +periodical +fullback +##dman +haynes +##tenberg +##ffs +##ishment +1745 +thirst +stumble +penang +vigorous +##ddling +##kor +##lium +octave +##ove +##enstein +##inen +##ones +siberian +##uti +cbn +repeal +swaying +##vington +khalid +tanaka +unicorn +otago +plastered +lobe +riddle +##rella +perch +##ishing +croydon +filtered +graeme +tripoli +##ossa +crocodile +##chers +sufi +mined +##tung +inferno +lsu +##phi +swelled +utilizes +£2 +cale +periodicals +styx +hike +informally +coop +lund +##tidae +ala +hen +qui +transformations +disposed +sheath +chickens +##cade +fitzroy +sas +silesia +unacceptable +odisha +1650 +sabrina +pe +spokane +ratios +athena +massage +shen +dilemma +##drum +##riz +##hul +corona +doubtful +niall +##pha +##bino +fines +cite +acknowledging +bangor +ballard +bathurst +##resh +huron +mustered +alzheimer +garments +kinase +tyre +warship +##cp +flashback +pulmonary +braun +cheat +kamal +cyclists +constructions +grenades +ndp +traveller +excuses +stomped +signalling +trimmed +futsal +mosques +relevance +##wine +wta +##23 +##vah +##lter +hoc +##riding +optimistic +##´s +deco +sim +interacting +rejecting +moniker +waterways +##ieri +##oku +mayors +gdansk +outnumbered +pearls +##ended +##hampton +fairs +totals +dominating +262 +notions +stairway +compiling +pursed +commodities +grease +yeast +##jong +carthage +griffiths +residual +amc +contraction +laird +sapphire +##marine +##ivated +amalgamation +dissolve +inclination +lyle +packaged +altitudes +suez +canons +graded +lurched +narrowing +boasts +guise +wed +enrico +##ovsky +rower +scarred +bree +cub +iberian +protagonists +bargaining +proposing +trainers +voyages +vans +fishes +##aea +##ivist +##verance +encryption +artworks +kazan +sabre +cleopatra +hepburn +rotting +supremacy +mecklenburg +##brate +burrows +hazards +outgoing +flair +organizes +##ctions +scorpion +##usions +boo +234 +chevalier +dunedin +slapping +##34 +ineligible +pensions +##38 +##omic +manufactures +emails +bismarck +238 +weakening +blackish +ding +mcgee +quo +##rling +northernmost +xx +manpower +greed +sampson +clicking +##ange +##horpe +##inations +##roving +torre +##eptive +##moral +symbolism +38th +asshole +meritorious +outfits +splashed +biographies +sprung +astros +##tale +302 +737 +filly +raoul +nw +tokugawa +linden +clubhouse +##apa +tracts +romano +##pio +putin +tags +##note +chained +dickson +gunshot +moe +gunn +rashid +##tails +zipper +##bas +##nea +contrasted +##ply +##udes +plum +pharaoh +##pile +aw +comedies +ingrid +sandwiches +subdivisions +1100 +mariana +nokia +kamen +hz +delaney +veto +herring +##words +possessive +outlines +##roup +siemens +stairwell +rc +gallantry +messiah +palais +yells +233 +zeppelin +##dm +bolivar +##cede +smackdown +mckinley +##mora +##yt +muted +geologic +finely +unitary +avatar +hamas +maynard +rees +bog +contrasting +##rut +liv +chico +disposition +pixel +##erate +becca +dmitry +yeshiva +narratives +##lva +##ulton +mercenary +sharpe +tempered +navigate +stealth +amassed +keynes +##lini +untouched +##rrie +havoc +lithium +##fighting +abyss +graf +southward +wolverine +balloons +implements +ngos +transitions +##icum +ambushed +concacaf +dormant +economists +##dim +costing +csi +rana +universite +boulders +verity +##llon +collin +mellon +misses +cypress +fluorescent +lifeless +spence +##ulla +crewe +shepard +pak +revelations +##م +jolly +gibbons +paw +##dro +##quel +freeing +##test +shack +fries +palatine +##51 +##hiko +accompaniment +cruising +recycled +##aver +erwin +sorting +synthesizers +dyke +realities +sg +strides +enslaved +wetland +##ghan +competence +gunpowder +grassy +maroon +reactors +objection +##oms +carlson +gearbox +macintosh +radios +shelton +##sho +clergyman +prakash +254 +mongols +trophies +oricon +228 +stimuli +twenty20 +cantonese +cortes +mirrored +##saurus +bhp +cristina +melancholy +##lating +enjoyable +nuevo +##wny +downfall +schumacher +##ind +banging +lausanne +rumbled +paramilitary +reflex +ax +amplitude +migratory +##gall +##ups +midi +barnard +lastly +sherry +##hp +##nall +keystone +##kra +carleton +slippery +##53 +coloring +foe +socket +otter +##rgos +mats +##tose +consultants +bafta +bison +topping +##km +490 +primal +abandonment +transplant +atoll +hideous +mort +pained +reproduced +tae +howling +##turn +unlawful +billionaire +hotter +poised +lansing +##chang +dinamo +retro +messing +nfc +domesday +##mina +blitz +timed +##athing +##kley +ascending +gesturing +##izations +signaled +tis +chinatown +mermaid +savanna +jameson +##aint +catalina +##pet +##hers +cochrane +cy +chatting +##kus +alerted +computation +mused +noelle +majestic +mohawk +campo +octagonal +##sant +##hend +241 +aspiring +##mart +comprehend +iona +paralyzed +shimmering +swindon +rhone +##eley +reputed +configurations +pitchfork +agitation +francais +gillian +lipstick +##ilo +outsiders +pontifical +resisting +bitterness +sewer +rockies +##edd +##ucher +misleading +1756 +exiting +galloway +##nging +risked +##heart +246 +commemoration +schultz +##rka +integrating +##rsa +poses +shrieked +##weiler +guineas +gladys +jerking +owls +goldsmith +nightly +penetrating +##unced +lia +##33 +ignited +betsy +##aring +##thorpe +follower +vigorously +##rave +coded +kiran +knit +zoology +tbilisi +##28 +##bered +repository +govt +deciduous +dino +growling +##bba +enhancement +unleashed +chanting +pussy +biochemistry +##eric +kettle +repression +toxicity +nrhp +##arth +##kko +##bush +ernesto +commended +outspoken +242 +mca +parchment +sms +kristen +##aton +bisexual +raked +glamour +navajo +a2 +conditioned +showcased +##hma +spacious +youthful +##esa +usl +appliances +junta +brest +layne +conglomerate +enchanted +chao +loosened +picasso +circulating +inspect +montevideo +##centric +##kti +piazza +spurred +##aith +bari +freedoms +poultry +stamford +lieu +##ect +indigo +sarcastic +bahia +stump +attach +dvds +frankenstein +lille +approx +scriptures +pollen +##script +nmi +overseen +##ivism +tides +proponent +newmarket +inherit +milling +##erland +centralized +##rou +distributors +credentials +drawers +abbreviation +##lco +##xon +downing +uncomfortably +ripe +##oes +erase +franchises +##ever +populace +##bery +##khar +decomposition +pleas +##tet +daryl +sabah +##stle +##wide +fearless +genie +lesions +annette +##ogist +oboe +appendix +nair +dripped +petitioned +maclean +mosquito +parrot +rpg +hampered +1648 +operatic +reservoirs +##tham +irrelevant +jolt +summarized +##fp +medallion +##taff +##− +clawed +harlow +narrower +goddard +marcia +bodied +fremont +suarez +altering +tempest +mussolini +porn +##isms +sweetly +oversees +walkers +solitude +grimly +shrines +hk +ich +supervisors +hostess +dietrich +legitimacy +brushes +expressive +##yp +dissipated +##rse +localized +systemic +##nikov +gettysburg +##js +##uaries +dialogues +muttering +251 +housekeeper +sicilian +discouraged +##frey +beamed +kaladin +halftime +kidnap +##amo +##llet +1754 +synonymous +depleted +instituto +insulin +reprised +##opsis +clashed +##ctric +interrupting +radcliffe +insisting +medici +1715 +ejected +playfully +turbulent +##47 +starvation +##rini +shipment +rebellious +petersen +verification +merits +##rified +cakes +##charged +1757 +milford +shortages +spying +fidelity +##aker +emitted +storylines +harvested +seismic +##iform +cheung +kilda +theoretically +barbie +lynx +##rgy +##tius +goblin +mata +poisonous +##nburg +reactive +residues +obedience +##евич +conjecture +##rac +401 +hating +sixties +kicker +moaning +motown +##bha +emancipation +neoclassical +##hering +consoles +ebert +professorship +##tures +sustaining +assaults +obeyed +affluent +incurred +tornadoes +##eber +##zow +emphasizing +highlanders +cheated +helmets +##ctus +internship +terence +bony +executions +legislators +berries +peninsular +tinged +##aco +1689 +amplifier +corvette +ribbons +lavish +pennant +##lander +worthless +##chfield +##forms +mariano +pyrenees +expenditures +##icides +chesterfield +mandir +tailor +39th +sergey +nestled +willed +aristocracy +devotees +goodnight +raaf +rumored +weaponry +remy +appropriations +harcourt +burr +riaa +##lence +limitation +unnoticed +guo +soaking +swamps +##tica +collapsing +tatiana +descriptive +brigham +psalm +##chment +maddox +##lization +patti +caliph +##aja +akron +injuring +serra +##ganj +basins +##sari +astonished +launcher +##church +hilary +wilkins +sewing +##sf +stinging +##fia +##ncia +underwood +startup +##ition +compilations +vibrations +embankment +jurist +##nity +bard +juventus +groundwater +kern +palaces +helium +boca +cramped +marissa +soto +##worm +jae +princely +##ggy +faso +bazaar +warmly +##voking +229 +pairing +##lite +##grate +##nets +wien +freaked +ulysses +rebirth +##alia +##rent +mummy +guzman +jimenez +stilled +##nitz +trajectory +tha +woken +archival +professions +##pts +##pta +hilly +shadowy +shrink +##bolt +norwood +glued +migrate +stereotypes +devoid +##pheus +625 +evacuate +horrors +infancy +gotham +knowles +optic +downloaded +sachs +kingsley +parramatta +darryl +mor +##onale +shady +commence +confesses +kan +##meter +##placed +marlborough +roundabout +regents +frigates +io +##imating +gothenburg +revoked +carvings +clockwise +convertible +intruder +##sche +banged +##ogo +vicky +bourgeois +##mony +dupont +footing +##gum +pd +##real +buckle +yun +penthouse +sane +720 +serviced +stakeholders +neumann +bb +##eers +comb +##gam +catchment +pinning +rallies +typing +##elles +forefront +freiburg +sweetie +giacomo +widowed +goodwill +worshipped +aspirations +midday +##vat +fishery +##trick +bournemouth +turk +243 +hearth +ethanol +guadalajara +murmurs +sl +##uge +afforded +scripted +##hta +wah +##jn +coroner +translucent +252 +memorials +puck +progresses +clumsy +##race +315 +candace +recounted +##27 +##slin +##uve +filtering +##mac +howl +strata +heron +leveled +##ays +dubious +##oja +##т +##wheel +citations +exhibiting +##laya +##mics +##pods +turkic +##lberg +injunction +##ennial +##mit +antibodies +##44 +organise +##rigues +cardiovascular +cushion +inverness +##zquez +dia +cocoa +sibling +##tman +##roid +expanse +feasible +tunisian +algiers +##relli +rus +bloomberg +dso +westphalia +bro +tacoma +281 +downloads +##ours +konrad +duran +##hdi +continuum +jett +compares +legislator +secession +##nable +##gues +##zuka +translating +reacher +##gley +##ła +aleppo +##agi +tc +orchards +trapping +linguist +versatile +drumming +postage +calhoun +superiors +##mx +barefoot +leary +##cis +ignacio +alfa +kaplan +##rogen +bratislava +mori +##vot +disturb +haas +313 +cartridges +gilmore +radiated +salford +tunic +hades +##ulsive +archeological +delilah +magistrates +auditioned +brewster +charters +empowerment +blogs +cappella +dynasties +iroquois +whipping +##krishna +raceway +truths +myra +weaken +judah +mcgregor +##horse +mic +refueling +37th +burnley +bosses +markus +premio +query +##gga +dunbar +##economic +darkest +lyndon +sealing +commendation +reappeared +##mun +addicted +ezio +slaughtered +satisfactory +shuffle +##eves +##thic +##uj +fortification +warrington +##otto +resurrected +fargo +mane +##utable +##lei +##space +foreword +ox +##aris +##vern +abrams +hua +##mento +sakura +##alo +uv +sentimental +##skaya +midfield +##eses +sturdy +scrolls +macleod +##kyu +entropy +##lance +mitochondrial +cicero +excelled +thinner +convoys +perceive +##oslav +##urable +systematically +grind +burkina +287 +##tagram +ops +##aman +guantanamo +##cloth +##tite +forcefully +wavy +##jou +pointless +##linger +##tze +layton +portico +superficial +clerical +outlaws +##hism +burials +muir +##inn +creditors +hauling +rattle +##leg +calais +monde +archers +reclaimed +dwell +wexford +hellenic +falsely +remorse +##tek +dough +furnishings +##uttered +gabon +neurological +novice +##igraphy +contemplated +pulpit +nightstand +saratoga +##istan +documenting +pulsing +taluk +##firmed +busted +marital +##rien +disagreements +wasps +##yes +hodge +mcdonnell +mimic +fran +pendant +dhabi +musa +##nington +congratulations +argent +darrell +concussion +losers +regrets +thessaloniki +reversal +donaldson +hardwood +thence +achilles +ritter +##eran +demonic +jurgen +prophets +goethe +eki +classmate +buff +##cking +yank +irrational +##inging +perished +seductive +qur +sourced +##crat +##typic +mustard +ravine +barre +horizontally +characterization +phylogenetic +boise +##dit +##runner +##tower +brutally +intercourse +seduce +##bbing +fay +ferris +ogden +amar +nik +unarmed +##inator +evaluating +kyrgyzstan +sweetness +##lford +##oki +mccormick +meiji +notoriety +stimulate +disrupt +figuring +instructional +mcgrath +##zoo +groundbreaking +##lto +flinch +khorasan +agrarian +bengals +mixer +radiating +##sov +ingram +pitchers +nad +tariff +##cript +tata +##codes +##emi +##ungen +appellate +lehigh +##bled +##giri +brawl +duct +texans +##ciation +##ropolis +skipper +speculative +vomit +doctrines +stresses +253 +davy +graders +whitehead +jozef +timely +cumulative +haryana +paints +appropriately +boon +cactus +##ales +##pid +dow +legions +##pit +perceptions +1730 +picturesque +##yse +periphery +rune +wr +##aha +celtics +sentencing +whoa +##erin +confirms +variance +425 +moines +mathews +spade +rave +m1 +fronted +fx +blending +alleging +reared +##gl +237 +##paper +grassroots +eroded +##free +##physical +directs +ordeal +##sław +accelerate +hacker +rooftop +##inia +lev +buys +cebu +devote +##lce +specialising +##ulsion +choreographed +repetition +warehouses +##ryl +paisley +tuscany +analogy +sorcerer +hash +huts +shards +descends +exclude +nix +chaplin +gaga +ito +vane +##drich +causeway +misconduct +limo +orchestrated +glands +jana +##kot +u2 +##mple +##sons +branching +contrasts +scoop +longed +##virus +chattanooga +##75 +syrup +cornerstone +##tized +##mind +##iaceae +careless +precedence +frescoes +##uet +chilled +consult +modelled +snatch +peat +##thermal +caucasian +humane +relaxation +spins +temperance +##lbert +occupations +lambda +hybrids +moons +mp3 +##oese +247 +rolf +societal +yerevan +ness +##ssler +befriended +mechanized +nominate +trough +boasted +cues +seater +##hom +bends +##tangle +conductors +emptiness +##lmer +eurasian +adriatic +tian +##cie +anxiously +lark +propellers +chichester +jock +ev +2a +##holding +credible +recounts +tori +loyalist +abduction +##hoot +##redo +nepali +##mite +ventral +tempting +##ango +##crats +steered +##wice +javelin +dipping +laborers +prentice +looming +titanium +##ː +badges +emir +tensor +##ntation +egyptians +rash +denies +hawthorne +lombard +showers +wehrmacht +dietary +trojan +##reus +welles +executing +horseshoe +lifeboat +##lak +elsa +infirmary +nearing +roberta +boyer +mutter +trillion +joanne +##fine +##oked +sinks +vortex +uruguayan +clasp +sirius +##block +accelerator +prohibit +sunken +byu +chronological +diplomats +ochreous +510 +symmetrical +1644 +maia +##tology +salts +reigns +atrocities +##ия +hess +bared +issn +##vyn +cater +saturated +##cycle +##isse +sable +voyager +dyer +yusuf +##inge +fountains +wolff +##39 +##nni +engraving +rollins +atheist +ominous +##ault +herr +chariot +martina +strung +##fell +##farlane +horrific +sahib +gazes +saetan +erased +ptolemy +##olic +flushing +lauderdale +analytic +##ices +530 +navarro +beak +gorilla +herrera +broom +guadalupe +raiding +sykes +311 +bsc +deliveries +1720 +invasions +carmichael +tajikistan +thematic +ecumenical +sentiments +onstage +##rians +##brand +##sume +catastrophic +flanks +molten +##arns +waller +aimee +terminating +##icing +alternately +##oche +nehru +printers +outraged +##eving +empires +template +banners +repetitive +za +##oise +vegetarian +##tell +guiana +opt +cavendish +lucknow +synthesized +##hani +##mada +finalized +##ctable +fictitious +mayoral +unreliable +##enham +embracing +peppers +rbis +##chio +##neo +inhibition +slashed +togo +orderly +embroidered +safari +salty +236 +barron +benito +totaled +##dak +pubs +simulated +caden +devin +tolkien +momma +welding +sesame +##ept +gottingen +hardness +630 +shaman +temeraire +620 +adequately +pediatric +##kit +ck +assertion +radicals +composure +cadence +seafood +beaufort +lazarus +mani +warily +cunning +kurdistan +249 +cantata +##kir +ares +##41 +##clusive +nape +townland +geared +insulted +flutter +boating +violate +draper +dumping +malmo +##hh +##romatic +firearm +alta +bono +obscured +##clave +exceeds +panorama +unbelievable +##train +preschool +##essed +disconnected +installing +rescuing +secretaries +accessibility +##castle +##drive +##ifice +##film +bouts +slug +waterway +mindanao +##buro +##ratic +halves +##ل +calming +liter +maternity +adorable +bragg +electrification +mcc +##dote +roxy +schizophrenia +##body +munoz +kaye +whaling +239 +mil +tingling +tolerant +##ago +unconventional +volcanoes +##finder +deportivo +##llie +robson +kaufman +neuroscience +wai +deportation +masovian +scraping +converse +##bh +hacking +bulge +##oun +administratively +yao +580 +amp +mammoth +booster +claremont +hooper +nomenclature +pursuits +mclaughlin +melinda +##sul +catfish +barclay +substrates +taxa +zee +originals +kimberly +packets +padma +##ality +borrowing +ostensibly +solvent +##bri +##genesis +##mist +lukas +shreveport +veracruz +##ь +##lou +##wives +cheney +tt +anatolia +hobbs +##zyn +cyclic +radiant +alistair +greenish +siena +dat +independents +##bation +conform +pieter +hyper +applicant +bradshaw +spores +telangana +vinci +inexpensive +nuclei +322 +jang +nme +soho +spd +##ign +cradled +receptionist +pow +##43 +##rika +fascism +##ifer +experimenting +##ading +##iec +##region +345 +jocelyn +maris +stair +nocturnal +toro +constabulary +elgin +##kker +msc +##giving +##schen +##rase +doherty +doping +sarcastically +batter +maneuvers +##cano +##apple +##gai +##git +intrinsic +##nst +##stor +1753 +showtime +cafes +gasps +lviv +ushered +##thed +fours +restart +astonishment +transmitting +flyer +shrugs +##sau +intriguing +cones +dictated +mushrooms +medial +##kovsky +##elman +escorting +gaped +##26 +godfather +##door +##sell +djs +recaptured +timetable +vila +1710 +3a +aerodrome +mortals +scientology +##orne +angelina +mag +convection +unpaid +insertion +intermittent +lego +##nated +endeavor +kota +pereira +##lz +304 +bwv +glamorgan +insults +agatha +fey +##cend +fleetwood +mahogany +protruding +steamship +zeta +##arty +mcguire +suspense +##sphere +advising +urges +##wala +hurriedly +meteor +gilded +inline +arroyo +stalker +##oge +excitedly +revered +##cure +earle +introductory +##break +##ilde +mutants +puff +pulses +reinforcement +##haling +curses +lizards +stalk +correlated +##fixed +fallout +macquarie +##unas +bearded +denton +heaving +802 +##ocation +winery +assign +dortmund +##lkirk +everest +invariant +charismatic +susie +##elling +bled +lesley +telegram +sumner +bk +##ogen +##к +wilcox +needy +colbert +duval +##iferous +##mbled +allotted +attends +imperative +##hita +replacements +hawker +##inda +insurgency +##zee +##eke +casts +##yla +680 +ives +transitioned +##pack +##powering +authoritative +baylor +flex +cringed +plaintiffs +woodrow +##skie +drastic +ape +aroma +unfolded +commotion +nt +preoccupied +theta +routines +lasers +privatization +wand +domino +ek +clenching +nsa +strategically +showered +bile +handkerchief +pere +storing +christophe +insulting +316 +nakamura +romani +asiatic +magdalena +palma +cruises +stripping +405 +konstantin +soaring +##berman +colloquially +forerunner +havilland +incarcerated +parasites +sincerity +##utus +disks +plank +saigon +##ining +corbin +homo +ornaments +powerhouse +##tlement +chong +fastened +feasibility +idf +morphological +usable +##nish +##zuki +aqueduct +jaguars +keepers +##flies +aleksandr +faust +assigns +ewing +bacterium +hurled +tricky +hungarians +integers +wallis +321 +yamaha +##isha +hushed +oblivion +aviator +evangelist +friars +##eller +monograph +ode +##nary +airplanes +labourers +charms +##nee +1661 +hagen +tnt +rudder +fiesta +transcript +dorothea +ska +inhibitor +maccabi +retorted +raining +encompassed +clauses +menacing +1642 +lineman +##gist +vamps +##ape +##dick +gloom +##rera +dealings +easing +seekers +##nut +##pment +helens +unmanned +##anu +##isson +basics +##amy +##ckman +adjustments +1688 +brutality +horne +##zell +sui +##55 +##mable +aggregator +##thal +rhino +##drick +##vira +counters +zoom +##01 +##rting +mn +montenegrin +packard +##unciation +##♭ +##kki +reclaim +scholastic +thugs +pulsed +##icia +syriac +quan +saddam +banda +kobe +blaming +buddies +dissent +##lusion +##usia +corbett +jaya +delle +erratic +lexie +##hesis +435 +amiga +hermes +##pressing +##leen +chapels +gospels +jamal +##uating +compute +revolving +warp +##sso +##thes +armory +##eras +##gol +antrim +loki +##kow +##asian +##good +##zano +braid +handwriting +subdistrict +funky +pantheon +##iculate +concurrency +estimation +improper +juliana +##his +newcomers +johnstone +staten +communicated +##oco +##alle +sausage +stormy +##stered +##tters +superfamily +##grade +acidic +collateral +tabloid +##oped +##rza +bladder +austen +##ellant +mcgraw +##hay +hannibal +mein +aquino +lucifer +wo +badger +boar +cher +christensen +greenberg +interruption +##kken +jem +244 +mocked +bottoms +cambridgeshire +##lide +sprawling +##bbly +eastwood +ghent +synth +##buck +advisers +##bah +nominally +hapoel +qu +daggers +estranged +fabricated +towels +vinnie +wcw +misunderstanding +anglia +nothin +unmistakable +##dust +##lova +chilly +marquette +truss +##edge +##erine +reece +##lty +##chemist +##connected +272 +308 +41st +bash +raion +waterfalls +##ump +##main +labyrinth +queue +theorist +##istle +bharatiya +flexed +soundtracks +rooney +leftist +patrolling +wharton +plainly +alleviate +eastman +schuster +topographic +engages +immensely +unbearable +fairchild +1620 +dona +lurking +parisian +oliveira +ia +indictment +hahn +bangladeshi +##aster +vivo +##uming +##ential +antonia +expects +indoors +kildare +harlan +##logue +##ogenic +##sities +forgiven +##wat +childish +tavi +##mide +##orra +plausible +grimm +successively +scooted +##bola +##dget +##rith +spartans +emery +flatly +azure +epilogue +##wark +flourish +##iny +##tracted +##overs +##oshi +bestseller +distressed +receipt +spitting +hermit +topological +##cot +drilled +subunit +francs +##layer +eel +##fk +##itas +octopus +footprint +petitions +ufo +##say +##foil +interfering +leaking +palo +##metry +thistle +valiant +##pic +narayan +mcpherson +##fast +gonzales +##ym +##enne +dustin +novgorod +solos +##zman +doin +##raph +##patient +##meyer +soluble +ashland +cuffs +carole +pendleton +whistling +vassal +##river +deviation +revisited +constituents +rallied +rotate +loomed +##eil +##nting +amateurs +augsburg +auschwitz +crowns +skeletons +##cona +bonnet +257 +dummy +globalization +simeon +sleeper +mandal +differentiated +##crow +##mare +milne +bundled +exasperated +talmud +owes +segregated +##feng +##uary +dentist +piracy +props +##rang +devlin +##torium +malicious +paws +##laid +dependency +##ergy +##fers +##enna +258 +pistons +rourke +jed +grammatical +tres +maha +wig +512 +ghostly +jayne +##achal +##creen +##ilis +##lins +##rence +designate +##with +arrogance +cambodian +clones +showdown +throttle +twain +##ception +lobes +metz +nagoya +335 +braking +##furt +385 +roaming +##minster +amin +crippled +##37 +##llary +indifferent +hoffmann +idols +intimidating +1751 +261 +influenza +memo +onions +1748 +bandage +consciously +##landa +##rage +clandestine +observes +swiped +tangle +##ener +##jected +##trum +##bill +##lta +hugs +congresses +josiah +spirited +##dek +humanist +managerial +filmmaking +inmate +rhymes +debuting +grimsby +ur +##laze +duplicate +vigor +##tf +republished +bolshevik +refurbishment +antibiotics +martini +methane +newscasts +royale +horizons +levant +iain +visas +##ischen +paler +##around +manifestation +snuck +alf +chop +futile +pedestal +rehab +##kat +bmg +kerman +res +fairbanks +jarrett +abstraction +saharan +##zek +1746 +procedural +clearer +kincaid +sash +luciano +##ffey +crunch +helmut +##vara +revolutionaries +##tute +creamy +leach +##mmon +1747 +permitting +nes +plight +wendell +##lese +contra +ts +clancy +ipa +mach +staples +autopsy +disturbances +nueva +karin +pontiac +##uding +proxy +venerable +haunt +leto +bergman +expands +##helm +wal +##pipe +canning +celine +cords +obesity +##enary +intrusion +planner +##phate +reasoned +sequencing +307 +harrow +##chon +##dora +marred +mcintyre +repay +tarzan +darting +248 +harrisburg +margarita +repulsed +##hur +##lding +belinda +hamburger +novo +compliant +runways +bingham +registrar +skyscraper +ic +cuthbert +improvisation +livelihood +##corp +##elial +admiring +##dened +sporadic +believer +casablanca +popcorn +##29 +asha +shovel +##bek +##dice +coiled +tangible +##dez +casper +elsie +resin +tenderness +rectory +##ivision +avail +sonar +##mori +boutique +##dier +guerre +bathed +upbringing +vaulted +sandals +blessings +##naut +##utnant +1680 +306 +foxes +pia +corrosion +hesitantly +confederates +crystalline +footprints +shapiro +tirana +valentin +drones +45th +microscope +shipments +texted +inquisition +wry +guernsey +unauthorized +resigning +760 +ripple +schubert +stu +reassure +felony +##ardo +brittle +koreans +##havan +##ives +dun +implicit +tyres +##aldi +##lth +magnolia +##ehan +##puri +##poulos +aggressively +fei +gr +familiarity +##poo +indicative +##trust +fundamentally +jimmie +overrun +395 +anchors +moans +##opus +britannia +armagh +##ggle +purposely +seizing +##vao +bewildered +mundane +avoidance +cosmopolitan +geometridae +quartermaster +caf +415 +chatter +engulfed +gleam +purge +##icate +juliette +jurisprudence +guerra +revisions +##bn +casimir +brew +##jm +1749 +clapton +cloudy +conde +hermitage +278 +simulations +torches +vincenzo +matteo +##rill +hidalgo +booming +westbound +accomplishment +tentacles +unaffected +##sius +annabelle +flopped +sloping +##litz +dreamer +interceptor +vu +##loh +consecration +copying +messaging +breaker +climates +hospitalized +1752 +torino +afternoons +winfield +witnessing +##teacher +breakers +choirs +sawmill +coldly +##ege +sipping +haste +uninhabited +conical +bibliography +pamphlets +severn +edict +##oca +deux +illnesses +grips +##pl +rehearsals +sis +thinkers +tame +##keepers +1690 +acacia +reformer +##osed +##rys +shuffling +##iring +##shima +eastbound +ionic +rhea +flees +littered +##oum +rocker +vomiting +groaning +champ +overwhelmingly +civilizations +paces +sloop +adoptive +##tish +skaters +##vres +aiding +mango +##joy +nikola +shriek +##ignon +pharmaceuticals +##mg +tuna +calvert +gustavo +stocked +yearbook +##urai +##mana +computed +subsp +riff +hanoi +kelvin +hamid +moors +pastures +summons +jihad +nectar +##ctors +bayou +untitled +pleasing +vastly +republics +intellect +##η +##ulio +##tou +crumbling +stylistic +sb +##ی +consolation +frequented +h₂o +walden +widows +##iens +404 +##ignment +chunks +improves +288 +grit +recited +##dev +snarl +sociological +##arte +##gul +inquired +##held +bruise +clube +consultancy +homogeneous +hornets +multiplication +pasta +prick +savior +##grin +##kou +##phile +yoon +##gara +grimes +vanishing +cheering +reacting +bn +distillery +##quisite +##vity +coe +dockyard +massif +##jord +escorts +voss +##valent +byte +chopped +hawke +illusions +workings +floats +##koto +##vac +kv +annapolis +madden +##onus +alvaro +noctuidae +##cum +##scopic +avenge +steamboat +forte +illustrates +erika +##trip +570 +dew +nationalities +bran +manifested +thirsty +diversified +muscled +reborn +##standing +arson +##lessness +##dran +##logram +##boys +##kushima +##vious +willoughby +##phobia +286 +alsace +dashboard +yuki +##chai +granville +myspace +publicized +tricked +##gang +adjective +##ater +relic +reorganisation +enthusiastically +indications +saxe +##lassified +consolidate +iec +padua +helplessly +ramps +renaming +regulars +pedestrians +accents +convicts +inaccurate +lowers +mana +##pati +barrie +bjp +outta +someplace +berwick +flanking +invoked +marrow +sparsely +excerpts +clothed +rei +##ginal +wept +##straße +##vish +alexa +excel +##ptive +membranes +aquitaine +creeks +cutler +sheppard +implementations +ns +##dur +fragrance +budge +concordia +magnesium +marcelo +##antes +gladly +vibrating +##rral +##ggles +montrose +##omba +lew +seamus +1630 +cocky +##ament +##uen +bjorn +##rrick +fielder +fluttering +##lase +methyl +kimberley +mcdowell +reductions +barbed +##jic +##tonic +aeronautical +condensed +distracting +##promising +huffed +##cala +##sle +claudius +invincible +missy +pious +balthazar +ci +##lang +butte +combo +orson +##dication +myriad +1707 +silenced +##fed +##rh +coco +netball +yourselves +##oza +clarify +heller +peg +durban +etudes +offender +roast +blackmail +curvature +##woods +vile +309 +illicit +suriname +##linson +overture +1685 +bubbling +gymnast +tucking +##mming +##ouin +maldives +##bala +gurney +##dda +##eased +##oides +backside +pinto +jars +racehorse +tending +##rdial +baronetcy +wiener +duly +##rke +barbarian +cupping +flawed +##thesis +bertha +pleistocene +puddle +swearing +##nob +##tically +fleeting +prostate +amulet +educating +##mined +##iti +##tler +75th +jens +respondents +analytics +cavaliers +papacy +raju +##iente +##ulum +##tip +funnel +271 +disneyland +##lley +sociologist +##iam +2500 +faulkner +louvre +menon +##dson +276 +##ower +afterlife +mannheim +peptide +referees +comedians +meaningless +##anger +##laise +fabrics +hurley +renal +sleeps +##bour +##icle +breakout +kristin +roadside +animator +clover +disdain +unsafe +redesign +##urity +firth +barnsley +portage +reset +narrows +268 +commandos +expansive +speechless +tubular +##lux +essendon +eyelashes +smashwords +##yad +##bang +##claim +craved +sprinted +chet +somme +astor +wrocław +orton +266 +bane +##erving +##uing +mischief +##amps +##sund +scaling +terre +##xious +impairment +offenses +undermine +moi +soy +contiguous +arcadia +inuit +seam +##tops +macbeth +rebelled +##icative +##iot +590 +elaborated +frs +uniformed +##dberg +259 +powerless +priscilla +stimulated +980 +qc +arboretum +frustrating +trieste +bullock +##nified +enriched +glistening +intern +##adia +locus +nouvelle +ollie +ike +lash +starboard +ee +tapestry +headlined +hove +rigged +##vite +pollock +##yme +thrive +clustered +cas +roi +gleamed +olympiad +##lino +pressured +regimes +##hosis +##lick +ripley +##ophone +kickoff +gallon +rockwell +##arable +crusader +glue +revolutions +scrambling +1714 +grover +##jure +englishman +aztec +263 +contemplating +coven +ipad +preach +triumphant +tufts +##esian +rotational +##phus +328 +falkland +##brates +strewn +clarissa +rejoin +environmentally +glint +banded +drenched +moat +albanians +johor +rr +maestro +malley +nouveau +shaded +taxonomy +v6 +adhere +bunk +airfields +##ritan +1741 +encompass +remington +tran +##erative +amelie +mazda +friar +morals +passions +##zai +breadth +vis +##hae +argus +burnham +caressing +insider +rudd +##imov +##mini +##rso +italianate +murderous +textual +wainwright +armada +bam +weave +timer +##taken +##nh +fra +##crest +ardent +salazar +taps +tunis +##ntino +allegro +gland +philanthropic +##chester +implication +##optera +esq +judas +noticeably +wynn +##dara +inched +indexed +crises +villiers +bandit +royalties +patterned +cupboard +interspersed +accessory +isla +kendrick +entourage +stitches +##esthesia +headwaters +##ior +interlude +distraught +draught +1727 +##basket +biased +sy +transient +triad +subgenus +adapting +kidd +shortstop +##umatic +dimly +spiked +mcleod +reprint +nellie +pretoria +windmill +##cek +singled +##mps +273 +reunite +##orous +747 +bankers +outlying +##omp +##ports +##tream +apologies +cosmetics +patsy +##deh +##ocks +##yson +bender +nantes +serene +##nad +lucha +mmm +323 +##cius +##gli +cmll +coinage +nestor +juarez +##rook +smeared +sprayed +twitching +sterile +irina +embodied +juveniles +enveloped +miscellaneous +cancers +dq +gulped +luisa +crested +swat +donegal +ref +##anov +##acker +hearst +mercantile +##lika +doorbell +ua +vicki +##alla +##som +bilbao +psychologists +stryker +sw +horsemen +turkmenistan +wits +##national +anson +mathew +screenings +##umb +rihanna +##agne +##nessy +aisles +##iani +##osphere +hines +kenton +saskatoon +tasha +truncated +##champ +##itan +mildred +advises +fredrik +interpreting +inhibitors +##athi +spectroscopy +##hab +##kong +karim +panda +##oia +##nail +##vc +conqueror +kgb +leukemia +##dity +arrivals +cheered +pisa +phosphorus +shielded +##riated +mammal +unitarian +urgently +chopin +sanitary +##mission +spicy +drugged +hinges +##tort +tipping +trier +impoverished +westchester +##caster +267 +epoch +nonstop +##gman +##khov +aromatic +centrally +cerro +##tively +##vio +billions +modulation +sedimentary +283 +facilitating +outrageous +goldstein +##eak +##kt +ld +maitland +penultimate +pollard +##dance +fleets +spaceship +vertebrae +##nig +alcoholism +als +recital +##bham +##ference +##omics +m2 +##bm +trois +##tropical +##в +commemorates +##meric +marge +##raction +1643 +670 +cosmetic +ravaged +##ige +catastrophe +eng +##shida +albrecht +arterial +bellamy +decor +harmon +##rde +bulbs +synchronized +vito +easiest +shetland +shielding +wnba +##glers +##ssar +##riam +brianna +cumbria +##aceous +##rard +cores +thayer +##nsk +brood +hilltop +luminous +carts +keynote +larkin +logos +##cta +##ا +##mund +##quay +lilith +tinted +277 +wrestle +mobilization +##uses +sequential +siam +bloomfield +takahashi +274 +##ieving +presenters +ringo +blazed +witty +##oven +##ignant +devastation +haydn +harmed +newt +therese +##peed +gershwin +molina +rabbis +sudanese +001 +innate +restarted +##sack +##fus +slices +wb +##shah +enroll +hypothetical +hysterical +1743 +fabio +indefinite +warped +##hg +exchanging +525 +unsuitable +##sboro +gallo +1603 +bret +cobalt +homemade +##hunter +mx +operatives +##dhar +terraces +durable +latch +pens +whorls +##ctuated +##eaux +billing +ligament +succumbed +##gly +regulators +spawn +##brick +##stead +filmfare +rochelle +##nzo +1725 +circumstance +saber +supplements +##nsky +##tson +crowe +wellesley +carrot +##9th +##movable +primate +drury +sincerely +topical +##mad +##rao +callahan +kyiv +smarter +tits +undo +##yeh +announcements +anthologies +barrio +nebula +##islaus +##shaft +##tyn +bodyguards +2021 +assassinate +barns +emmett +scully +##mah +##yd +##eland +##tino +##itarian +demoted +gorman +lashed +prized +adventist +writ +##gui +alla +invertebrates +##ausen +1641 +amman +1742 +align +healy +redistribution +##gf +##rize +insulation +##drop +adherents +hezbollah +vitro +ferns +yanking +269 +php +registering +uppsala +cheerleading +confines +mischievous +tully +##ross +49th +docked +roam +stipulated +pumpkin +##bry +prompt +##ezer +blindly +shuddering +craftsmen +frail +scented +katharine +scramble +shaggy +sponge +helix +zaragoza +279 +##52 +43rd +backlash +fontaine +seizures +posse +cowan +nonfiction +telenovela +wwii +hammered +undone +##gpur +encircled +irs +##ivation +artefacts +oneself +searing +smallpox +##belle +##osaurus +shandong +breached +upland +blushing +rankin +infinitely +psyche +tolerated +docking +evicted +##col +unmarked +##lving +gnome +lettering +litres +musique +##oint +benevolent +##jal +blackened +##anna +mccall +racers +tingle +##ocene +##orestation +introductions +radically +292 +##hiff +##باد +1610 +1739 +munchen +plead +##nka +condo +scissors +##sight +##tens +apprehension +##cey +##yin +hallmark +watering +formulas +sequels +##llas +aggravated +bae +commencing +##building +enfield +prohibits +marne +vedic +civilized +euclidean +jagger +beforehand +blasts +dumont +##arney +##nem +740 +conversions +hierarchical +rios +simulator +##dya +##lellan +hedges +oleg +thrusts +shadowed +darby +maximize +1744 +gregorian +##nded +##routed +sham +unspecified +##hog +emory +factual +##smo +##tp +fooled +##rger +ortega +wellness +marlon +##oton +##urance +casket +keating +ley +enclave +##ayan +char +influencing +jia +##chenko +412 +ammonia +erebidae +incompatible +violins +cornered +##arat +grooves +astronauts +columbian +rampant +fabrication +kyushu +mahmud +vanish +##dern +mesopotamia +##lete +ict +##rgen +caspian +kenji +pitted +##vered +999 +grimace +roanoke +tchaikovsky +twinned +##analysis +##awan +xinjiang +arias +clemson +kazakh +sizable +1662 +##khand +##vard +plunge +tatum +vittorio +##nden +cholera +##dana +##oper +bracing +indifference +projectile +superliga +##chee +realises +upgrading +299 +porte +retribution +##vies +nk +stil +##resses +ama +bureaucracy +blackberry +bosch +testosterone +collapses +greer +##pathic +ioc +fifties +malls +##erved +bao +baskets +adolescents +siegfried +##osity +##tosis +mantra +detecting +existent +fledgling +##cchi +dissatisfied +gan +telecommunication +mingled +sobbed +6000 +controversies +outdated +taxis +##raus +fright +slams +##lham +##fect +##tten +detectors +fetal +tanned +##uw +fray +goth +olympian +skipping +mandates +scratches +sheng +unspoken +hyundai +tracey +hotspur +restrictive +##buch +americana +mundo +##bari +burroughs +diva +vulcan +##6th +distinctions +thumping +##ngen +mikey +sheds +fide +rescues +springsteen +vested +valuation +##ece +##ely +pinnacle +rake +sylvie +##edo +almond +quivering +##irus +alteration +faltered +##wad +51st +hydra +ticked +##kato +recommends +##dicated +antigua +arjun +stagecoach +wilfred +trickle +pronouns +##pon +aryan +nighttime +##anian +gall +pea +stitch +##hei +leung +milos +##dini +eritrea +nexus +starved +snowfall +kant +parasitic +cot +discus +hana +strikers +appleton +kitchens +##erina +##partisan +##itha +##vius +disclose +metis +##channel +1701 +tesla +##vera +fitch +1735 +blooded +##tila +decimal +##tang +##bai +cyclones +eun +bottled +peas +pensacola +basha +bolivian +crabs +boil +lanterns +partridge +roofed +1645 +necks +##phila +opined +patting +##kla +##lland +chuckles +volta +whereupon +##nche +devout +euroleague +suicidal +##dee +inherently +involuntary +knitting +nasser +##hide +puppets +colourful +courageous +southend +stills +miraculous +hodgson +richer +rochdale +ethernet +greta +uniting +prism +umm +##haya +##itical +##utation +deterioration +pointe +prowess +##ropriation +lids +scranton +billings +subcontinent +##koff +##scope +brute +kellogg +psalms +degraded +##vez +stanisław +##ructured +ferreira +pun +astonishing +gunnar +##yat +arya +prc +gottfried +##tight +excursion +##ographer +dina +##quil +##nare +huffington +illustrious +wilbur +gundam +verandah +##zard +naacp +##odle +constructive +fjord +kade +##naud +generosity +thrilling +baseline +cayman +frankish +plastics +accommodations +zoological +##fting +cedric +qb +motorized +##dome +##otted +squealed +tackled +canucks +budgets +situ +asthma +dail +gabled +grasslands +whimpered +writhing +judgments +##65 +minnie +pv +##carbon +bananas +grille +domes +monique +odin +maguire +markham +tierney +##estra +##chua +libel +poke +speedy +atrium +laval +notwithstanding +##edly +fai +kala +##sur +robb +##sma +listings +luz +supplementary +tianjin +##acing +enzo +jd +ric +scanner +croats +transcribed +##49 +arden +cv +##hair +##raphy +##lver +##uy +357 +seventies +staggering +alam +horticultural +hs +regression +timbers +blasting +##ounded +montagu +manipulating +##cit +catalytic +1550 +troopers +##meo +condemnation +fitzpatrick +##oire +##roved +inexperienced +1670 +castes +##lative +outing +314 +dubois +flicking +quarrel +ste +learners +1625 +iq +whistled +##class +282 +classify +tariffs +temperament +355 +folly +liszt +##yles +immersed +jordanian +ceasefire +apparel +extras +maru +fished +##bio +harta +stockport +assortment +craftsman +paralysis +transmitters +##cola +blindness +##wk +fatally +proficiency +solemnly +##orno +repairing +amore +groceries +ultraviolet +##chase +schoolhouse +##tua +resurgence +nailed +##otype +##× +ruse +saliva +diagrams +##tructing +albans +rann +thirties +1b +antennas +hilarious +cougars +paddington +stats +##eger +breakaway +ipod +reza +authorship +prohibiting +scoffed +##etz +##ttle +conscription +defected +trondheim +##fires +ivanov +keenan +##adan +##ciful +##fb +##slow +locating +##ials +##tford +cadiz +basalt +blankly +interned +rags +rattling +##tick +carpathian +reassured +sync +bum +guildford +iss +staunch +##onga +astronomers +sera +sofie +emergencies +susquehanna +##heard +duc +mastery +vh1 +williamsburg +bayer +buckled +craving +##khan +##rdes +bloomington +##write +alton +barbecue +##bians +justine +##hri +##ndt +delightful +smartphone +newtown +photon +retrieval +peugeot +hissing +##monium +##orough +flavors +lighted +relaunched +tainted +##games +##lysis +anarchy +microscopic +hopping +adept +evade +evie +##beau +inhibit +sinn +adjustable +hurst +intuition +wilton +cisco +44th +lawful +lowlands +stockings +thierry +##dalen +##hila +##nai +fates +prank +tb +maison +lobbied +provocative +1724 +4a +utopia +##qual +carbonate +gujarati +purcell +##rford +curtiss +##mei +overgrown +arenas +mediation +swallows +##rnik +respectful +turnbull +##hedron +##hope +alyssa +ozone +##ʻi +ami +gestapo +johansson +snooker +canteen +cuff +declines +empathy +stigma +##ags +##iner +##raine +taxpayers +gui +volga +##wright +##copic +lifespan +overcame +tattooed +enactment +giggles +##ador +##camp +barrington +bribe +obligatory +orbiting +peng +##enas +elusive +sucker +##vating +cong +hardship +empowered +anticipating +estrada +cryptic +greasy +detainees +planck +sudbury +plaid +dod +marriott +kayla +##ears +##vb +##zd +mortally +##hein +cognition +radha +319 +liechtenstein +meade +richly +argyle +harpsichord +liberalism +trumpets +lauded +tyrant +salsa +tiled +lear +promoters +reused +slicing +trident +##chuk +##gami +##lka +cantor +checkpoint +##points +gaul +leger +mammalian +##tov +##aar +##schaft +doha +frenchman +nirvana +##vino +delgado +headlining +##eron +##iography +jug +tko +1649 +naga +intersections +##jia +benfica +nawab +##suka +ashford +gulp +##deck +##vill +##rug +brentford +frazier +pleasures +dunne +potsdam +shenzhen +dentistry +##tec +flanagan +##dorff +##hear +chorale +dinah +prem +quezon +##rogated +relinquished +sutra +terri +##pani +flaps +##rissa +poly +##rnet +homme +aback +##eki +linger +womb +##kson +##lewood +doorstep +orthodoxy +threaded +westfield +##rval +dioceses +fridays +subsided +##gata +loyalists +##biotic +##ettes +letterman +lunatic +prelate +tenderly +invariably +souza +thug +winslow +##otide +furlongs +gogh +jeopardy +##runa +pegasus +##umble +humiliated +standalone +tagged +##roller +freshmen +klan +##bright +attaining +initiating +transatlantic +logged +viz +##uance +1723 +combatants +intervening +stephane +chieftain +despised +grazed +317 +cdc +galveston +godzilla +macro +simulate +##planes +parades +##esses +960 +##ductive +##unes +equator +overdose +##cans +##hosh +##lifting +joshi +epstein +sonora +treacherous +aquatics +manchu +responsive +##sation +supervisory +##christ +##llins +##ibar +##balance +##uso +kimball +karlsruhe +mab +##emy +ignores +phonetic +reuters +spaghetti +820 +almighty +danzig +rumbling +tombstone +designations +lured +outset +##felt +supermarkets +##wt +grupo +kei +kraft +susanna +##blood +comprehension +genealogy +##aghan +##verted +redding +##ythe +1722 +bowing +##pore +##roi +lest +sharpened +fulbright +valkyrie +sikhs +##unds +swans +bouquet +merritt +##tage +##venting +commuted +redhead +clerks +leasing +cesare +dea +hazy +##vances +fledged +greenfield +servicemen +##gical +armando +blackout +dt +sagged +downloadable +intra +potion +pods +##4th +##mism +xp +attendants +gambia +stale +##ntine +plump +asteroids +rediscovered +buds +flea +hive +##neas +1737 +classifications +debuts +##eles +olympus +scala +##eurs +##gno +##mute +hummed +sigismund +visuals +wiggled +await +pilasters +clench +sulfate +##ances +bellevue +enigma +trainee +snort +##sw +clouded +denim +##rank +##rder +churning +hartman +lodges +riches +sima +##missible +accountable +socrates +regulates +mueller +##cr +1702 +avoids +solids +himalayas +nutrient +pup +##jevic +squat +fades +nec +##lates +##pina +##rona +##ου +privateer +tequila +##gative +##mpton +apt +hornet +immortals +##dou +asturias +cleansing +dario +##rries +##anta +etymology +servicing +zhejiang +##venor +##nx +horned +erasmus +rayon +relocating +£10 +##bags +escalated +promenade +stubble +2010s +artisans +axial +liquids +mora +sho +yoo +##tsky +bundles +oldies +##nally +notification +bastion +##ths +sparkle +##lved +1728 +leash +pathogen +highs +##hmi +immature +880 +gonzaga +ignatius +mansions +monterrey +sweets +bryson +##loe +polled +regatta +brightest +pei +rosy +squid +hatfield +payroll +addict +meath +cornerback +heaviest +lodging +##mage +capcom +rippled +##sily +barnet +mayhem +ymca +snuggled +rousseau +##cute +blanchard +284 +fragmented +leighton +chromosomes +risking +##md +##strel +##utter +corinne +coyotes +cynical +hiroshi +yeomanry +##ractive +ebook +grading +mandela +plume +agustin +magdalene +##rkin +bea +femme +trafford +##coll +##lun +##tance +52nd +fourier +upton +##mental +camilla +gust +iihf +islamabad +longevity +##kala +feldman +netting +##rization +endeavour +foraging +mfa +orr +##open +greyish +contradiction +graz +##ruff +handicapped +marlene +tweed +oaxaca +spp +campos +miocene +pri +configured +cooks +pluto +cozy +pornographic +##entes +70th +fairness +glided +jonny +lynne +rounding +sired +##emon +##nist +remade +uncover +##mack +complied +lei +newsweek +##jured +##parts +##enting +##pg +293 +finer +guerrillas +athenian +deng +disused +stepmother +accuse +gingerly +seduction +521 +confronting +##walker +##going +gora +nostalgia +sabres +virginity +wrenched +##minated +syndication +wielding +eyre +##56 +##gnon +##igny +behaved +taxpayer +sweeps +##growth +childless +gallant +##ywood +amplified +geraldine +scrape +##ffi +babylonian +fresco +##rdan +##kney +##position +1718 +restricting +tack +fukuoka +osborn +selector +partnering +##dlow +318 +gnu +kia +tak +whitley +gables +##54 +##mania +mri +softness +immersion +##bots +##evsky +1713 +chilling +insignificant +pcs +##uis +elites +lina +purported +supplemental +teaming +##americana +##dding +##inton +proficient +rouen +##nage +##rret +niccolo +selects +##bread +fluffy +1621 +gruff +knotted +mukherjee +polgara +thrash +nicholls +secluded +smoothing +thru +corsica +loaf +whitaker +inquiries +##rrier +##kam +indochina +289 +marlins +myles +peking +##tea +extracts +pastry +superhuman +connacht +vogel +##ditional +##het +##udged +##lash +gloss +quarries +refit +teaser +##alic +##gaon +20s +materialized +sling +camped +pickering +tung +tracker +pursuant +##cide +cranes +soc +##cini +##typical +##viere +anhalt +overboard +workout +chores +fares +orphaned +stains +##logie +fenton +surpassing +joyah +triggers +##itte +grandmaster +##lass +##lists +clapping +fraudulent +ledger +nagasaki +##cor +##nosis +##tsa +eucalyptus +tun +##icio +##rney +##tara +dax +heroism +ina +wrexham +onboard +unsigned +##dates +moshe +galley +winnie +droplets +exiles +praises +watered +noodles +##aia +fein +adi +leland +multicultural +stink +bingo +comets +erskine +modernized +canned +constraint +domestically +chemotherapy +featherweight +stifled +##mum +darkly +irresistible +refreshing +hasty +isolate +##oys +kitchener +planners +##wehr +cages +yarn +implant +toulon +elects +childbirth +yue +##lind +##lone +cn +rightful +sportsman +junctions +remodeled +specifies +##rgh +291 +##oons +complimented +##urgent +lister +ot +##logic +bequeathed +cheekbones +fontana +gabby +##dial +amadeus +corrugated +maverick +resented +triangles +##hered +##usly +nazareth +tyrol +1675 +assent +poorer +sectional +aegean +##cous +296 +nylon +ghanaian +##egorical +##weig +cushions +forbid +fusiliers +obstruction +somerville +##scia +dime +earrings +elliptical +leyte +oder +polymers +timmy +atm +midtown +piloted +settles +continual +externally +mayfield +##uh +enrichment +henson +keane +persians +1733 +benji +braden +pep +324 +##efe +contenders +pepsi +valet +##isches +298 +##asse +##earing +goofy +stroll +##amen +authoritarian +occurrences +adversary +ahmedabad +tangent +toppled +dorchester +1672 +modernism +marxism +islamist +charlemagne +exponential +racks +unicode +brunette +mbc +pic +skirmish +##bund +##lad +##powered +##yst +hoisted +messina +shatter +##ctum +jedi +vantage +##music +##neil +clemens +mahmoud +corrupted +authentication +lowry +nils +##washed +omnibus +wounding +jillian +##itors +##opped +serialized +narcotics +handheld +##arm +##plicity +intersecting +stimulating +##onis +crate +fellowships +hemingway +casinos +climatic +fordham +copeland +drip +beatty +leaflets +robber +brothel +madeira +##hedral +sphinx +ultrasound +##vana +valor +forbade +leonid +villas +##aldo +duane +marquez +##cytes +disadvantaged +forearms +kawasaki +reacts +consular +lax +uncles +uphold +##hopper +concepcion +dorsey +lass +##izan +arching +passageway +1708 +researches +tia +internationals +##graphs +##opers +distinguishes +javanese +divert +##uven +plotted +##listic +##rwin +##erik +##tify +affirmative +signifies +validation +##bson +kari +felicity +georgina +zulu +##eros +##rained +##rath +overcoming +##dot +argyll +##rbin +1734 +chiba +ratification +windy +earls +parapet +##marks +hunan +pristine +astrid +punta +##gart +brodie +##kota +##oder +malaga +minerva +rouse +##phonic +bellowed +pagoda +portals +reclamation +##gur +##odies +##⁄₄ +parentheses +quoting +allergic +palette +showcases +benefactor +heartland +nonlinear +##tness +bladed +cheerfully +scans +##ety +##hone +1666 +girlfriends +pedersen +hiram +sous +##liche +##nator +1683 +##nery +##orio +##umen +bobo +primaries +smiley +##cb +unearthed +uniformly +fis +metadata +1635 +ind +##oted +recoil +##titles +##tura +##ια +406 +hilbert +jamestown +mcmillan +tulane +seychelles +##frid +antics +coli +fated +stucco +##grants +1654 +bulky +accolades +arrays +caledonian +carnage +optimism +puebla +##tative +##cave +enforcing +rotherham +seo +dunlop +aeronautics +chimed +incline +zoning +archduke +hellenistic +##oses +##sions +candi +thong +##ople +magnate +rustic +##rsk +projective +slant +##offs +danes +hollis +vocalists +##ammed +congenital +contend +gesellschaft +##ocating +##pressive +douglass +quieter +##cm +##kshi +howled +salim +spontaneously +townsville +buena +southport +##bold +kato +1638 +faerie +stiffly +##vus +##rled +297 +flawless +realising +taboo +##7th +bytes +straightening +356 +jena +##hid +##rmin +cartwright +berber +bertram +soloists +411 +noses +417 +coping +fission +hardin +inca +##cen +1717 +mobilized +vhf +##raf +biscuits +curate +##85 +##anial +331 +gaunt +neighbourhoods +1540 +##abas +blanca +bypassed +sockets +behold +coincidentally +##bane +nara +shave +splinter +terrific +##arion +##erian +commonplace +juris +redwood +waistband +boxed +caitlin +fingerprints +jennie +naturalized +##ired +balfour +craters +jody +bungalow +hugely +quilt +glitter +pigeons +undertaker +bulging +constrained +goo +##sil +##akh +assimilation +reworked +##person +persuasion +##pants +felicia +##cliff +##ulent +1732 +explodes +##dun +##inium +##zic +lyman +vulture +hog +overlook +begs +northwards +ow +spoil +##urer +fatima +favorably +accumulate +sargent +sorority +corresponded +dispersal +kochi +toned +##imi +##lita +internacional +newfound +##agger +##lynn +##rigue +booths +peanuts +##eborg +medicare +muriel +nur +##uram +crates +millennia +pajamas +worsened +##breakers +jimi +vanuatu +yawned +##udeau +carousel +##hony +hurdle +##ccus +##mounted +##pod +rv +##eche +airship +ambiguity +compulsion +recapture +##claiming +arthritis +##osomal +1667 +asserting +ngc +sniffing +dade +discontent +glendale +ported +##amina +defamation +rammed +##scent +fling +livingstone +##fleet +875 +##ppy +apocalyptic +comrade +lcd +##lowe +cessna +eine +persecuted +subsistence +demi +hoop +reliefs +710 +coptic +progressing +stemmed +perpetrators +1665 +priestess +##nio +dobson +ebony +rooster +itf +tortricidae +##bbon +##jian +cleanup +##jean +##øy +1721 +eighties +taxonomic +holiness +##hearted +##spar +antilles +showcasing +stabilized +##nb +gia +mascara +michelangelo +dawned +##uria +##vinsky +extinguished +fitz +grotesque +£100 +##fera +##loid +##mous +barges +neue +throbbed +cipher +johnnie +##a1 +##mpt +outburst +##swick +spearheaded +administrations +c1 +heartbreak +pixels +pleasantly +##enay +lombardy +plush +##nsed +bobbie +##hly +reapers +tremor +xiang +minogue +substantive +hitch +barak +##wyl +kwan +##encia +910 +obscene +elegance +indus +surfer +bribery +conserve +##hyllum +##masters +horatio +##fat +apes +rebound +psychotic +##pour +iteration +##mium +##vani +botanic +horribly +antiques +dispose +paxton +##hli +##wg +timeless +1704 +disregard +engraver +hounds +##bau +##version +looted +uno +facilitates +groans +masjid +rutland +antibody +disqualification +decatur +footballers +quake +slacks +48th +rein +scribe +stabilize +commits +exemplary +tho +##hort +##chison +pantry +traversed +##hiti +disrepair +identifiable +vibrated +baccalaureate +##nnis +csa +interviewing +##iensis +##raße +greaves +wealthiest +343 +classed +jogged +£5 +##58 +##atal +illuminating +knicks +respecting +##uno +scrubbed +##iji +##dles +kruger +moods +growls +raider +silvia +chefs +kam +vr +cree +percival +##terol +gunter +counterattack +defiant +henan +ze +##rasia +##riety +equivalence +submissions +##fra +##thor +bautista +mechanically +##heater +cornice +herbal +templar +##mering +outputs +ruining +ligand +renumbered +extravagant +mika +blockbuster +eta +insurrection +##ilia +darkening +ferocious +pianos +strife +kinship +##aer +melee +##anor +##iste +##may +##oue +decidedly +weep +##jad +##missive +##ppel +354 +puget +unease +##gnant +1629 +hammering +kassel +ob +wessex +##lga +bromwich +egan +paranoia +utilization +##atable +##idad +contradictory +provoke +##ols +##ouring +##tangled +knesset +##very +##lette +plumbing +##sden +##¹ +greensboro +occult +sniff +338 +zev +beaming +gamer +haggard +mahal +##olt +##pins +mendes +utmost +briefing +gunnery +##gut +##pher +##zh +##rok +1679 +khalifa +sonya +##boot +principals +urbana +wiring +##liffe +##minating +##rrado +dahl +nyu +skepticism +np +townspeople +ithaca +lobster +somethin +##fur +##arina +##−1 +freighter +zimmerman +biceps +contractual +##herton +amend +hurrying +subconscious +##anal +336 +meng +clermont +spawning +##eia +##lub +dignitaries +impetus +snacks +spotting +twigs +##bilis +##cz +##ouk +libertadores +nic +skylar +##aina +##firm +gustave +asean +##anum +dieter +legislatures +flirt +bromley +trolls +umar +##bbies +##tyle +blah +parc +bridgeport +crank +negligence +##nction +46th +constantin +molded +bandages +seriousness +00pm +siegel +carpets +compartments +upbeat +statehood +##dner +##edging +marko +730 +platt +##hane +paving +##iy +1738 +abbess +impatience +limousine +nbl +##talk +441 +lucille +mojo +nightfall +robbers +##nais +karel +brisk +calves +replicate +ascribed +telescopes +##olf +intimidated +##reen +ballast +specialization +##sit +aerodynamic +caliphate +rainer +visionary +##arded +epsilon +##aday +##onte +aggregation +auditory +boosted +reunification +kathmandu +loco +robyn +402 +acknowledges +appointing +humanoid +newell +redeveloped +restraints +##tained +barbarians +chopper +1609 +italiana +##lez +##lho +investigates +wrestlemania +##anies +##bib +690 +##falls +creaked +dragoons +gravely +minions +stupidity +volley +##harat +##week +musik +##eries +##uously +fungal +massimo +semantics +malvern +##ahl +##pee +discourage +embryo +imperialism +1910s +profoundly +##ddled +jiangsu +sparkled +stat +##holz +sweatshirt +tobin +##iction +sneered +##cheon +##oit +brit +causal +smyth +##neuve +diffuse +perrin +silvio +##ipes +##recht +detonated +iqbal +selma +##nism +##zumi +roasted +##riders +tay +##ados +##mament +##mut +##rud +840 +completes +nipples +cfa +flavour +hirsch +##laus +calderon +sneakers +moravian +##ksha +1622 +rq +294 +##imeters +bodo +##isance +##pre +##ronia +anatomical +excerpt +##lke +dh +kunst +##tablished +##scoe +biomass +panted +unharmed +gael +housemates +montpellier +##59 +coa +rodents +tonic +hickory +singleton +##taro +451 +1719 +aldo +breaststroke +dempsey +och +rocco +##cuit +merton +dissemination +midsummer +serials +##idi +haji +polynomials +##rdon +gs +enoch +prematurely +shutter +taunton +£3 +##grating +##inates +archangel +harassed +##asco +326 +archway +dazzling +##ecin +1736 +sumo +wat +##kovich +1086 +honneur +##ently +##nostic +##ttal +##idon +1605 +403 +1716 +blogger +rents +##gnan +hires +##ikh +##dant +howie +##rons +handler +retracted +shocks +1632 +arun +duluth +kepler +trumpeter +##lary +peeking +seasoned +trooper +##mara +laszlo +##iciencies +##rti +heterosexual +##inatory +##ssion +indira +jogging +##inga +##lism +beit +dissatisfaction +malice +##ately +nedra +peeling +##rgeon +47th +stadiums +475 +vertigo +##ains +iced +restroom +##plify +##tub +illustrating +pear +##chner +##sibility +inorganic +rappers +receipts +watery +##kura +lucinda +##oulos +reintroduced +##8th +##tched +gracefully +saxons +nutritional +wastewater +rained +favourites +bedrock +fisted +hallways +likeness +upscale +##lateral +1580 +blinds +prequel +##pps +##tama +deter +humiliating +restraining +tn +vents +1659 +laundering +recess +rosary +tractors +coulter +federer +##ifiers +##plin +persistence +##quitable +geschichte +pendulum +quakers +##beam +bassett +pictorial +buffet +koln +##sitor +drills +reciprocal +shooters +##57 +##cton +##tees +converge +pip +dmitri +donnelly +yamamoto +aqua +azores +demographics +hypnotic +spitfire +suspend +wryly +roderick +##rran +sebastien +##asurable +mavericks +##fles +##200 +himalayan +prodigy +##iance +transvaal +demonstrators +handcuffs +dodged +mcnamara +sublime +1726 +crazed +##efined +##till +ivo +pondered +reconciled +shrill +sava +##duk +bal +cad +heresy +jaipur +goran +##nished +341 +lux +shelly +whitehall +##hre +israelis +peacekeeping +##wled +1703 +demetrius +ousted +##arians +##zos +beale +anwar +backstroke +raged +shrinking +cremated +##yck +benign +towing +wadi +darmstadt +landfill +parana +soothe +colleen +sidewalks +mayfair +tumble +hepatitis +ferrer +superstructure +##gingly +##urse +##wee +anthropological +translators +##mies +closeness +hooves +##pw +mondays +##roll +##vita +landscaping +##urized +purification +sock +thorns +thwarted +jalan +tiberius +##taka +saline +##rito +confidently +khyber +sculptors +##ij +brahms +hammersmith +inspectors +battista +fivb +fragmentation +hackney +##uls +arresting +exercising +antoinette +bedfordshire +##zily +dyed +##hema +1656 +racetrack +variability +##tique +1655 +austrians +deteriorating +madman +theorists +aix +lehman +weathered +1731 +decreed +eruptions +1729 +flaw +quinlan +sorbonne +flutes +nunez +1711 +adored +downwards +fable +rasped +1712 +moritz +mouthful +renegade +shivers +stunts +dysfunction +restrain +translit +327 +pancakes +##avio +##cision +##tray +351 +vial +##lden +bain +##maid +##oxide +chihuahua +malacca +vimes +##rba +##rnier +1664 +donnie +plaques +##ually +337 +bangs +floppy +huntsville +loretta +nikolay +##otte +eater +handgun +ubiquitous +##hett +eras +zodiac +1634 +##omorphic +1820s +##zog +cochran +##bula +##lithic +warring +##rada +dalai +excused +blazers +mcconnell +reeling +bot +este +##abi +geese +hoax +taxon +##bla +guitarists +##icon +condemning +hunts +inversion +moffat +taekwondo +##lvis +1624 +stammered +##rest +##rzy +sousa +fundraiser +marylebone +navigable +uptown +cabbage +daniela +salman +shitty +whimper +##kian +##utive +programmers +protections +rm +##rmi +##rued +forceful +##enes +fuss +##tao +##wash +brat +oppressive +reykjavik +spartak +ticking +##inkles +##kiewicz +adolph +horst +maui +protege +straighten +cpc +landau +concourse +clements +resultant +##ando +imaginative +joo +reactivated +##rem +##ffled +##uising +consultative +##guide +flop +kaitlyn +mergers +parenting +somber +##vron +supervise +vidhan +##imum +courtship +exemplified +harmonies +medallist +refining +##rrow +##ка +amara +##hum +780 +goalscorer +sited +overshadowed +rohan +displeasure +secretive +multiplied +osman +##orth +engravings +padre +##kali +##veda +miniatures +mis +##yala +clap +pali +rook +##cana +1692 +57th +antennae +astro +oskar +1628 +bulldog +crotch +hackett +yucatan +##sure +amplifiers +brno +ferrara +migrating +##gree +thanking +turing +##eza +mccann +ting +andersson +onslaught +gaines +ganga +incense +standardization +##mation +sentai +scuba +stuffing +turquoise +waivers +alloys +##vitt +regaining +vaults +##clops +##gizing +digger +furry +memorabilia +probing +##iad +payton +rec +deutschland +filippo +opaque +seamen +zenith +afrikaans +##filtration +disciplined +inspirational +##merie +banco +confuse +grafton +tod +##dgets +championed +simi +anomaly +biplane +##ceptive +electrode +##para +1697 +cleavage +crossbow +swirl +informant +##lars +##osta +afi +bonfire +spec +##oux +lakeside +slump +##culus +##lais +##qvist +##rrigan +1016 +facades +borg +inwardly +cervical +xl +pointedly +050 +stabilization +##odon +chests +1699 +hacked +ctv +orthogonal +suzy +##lastic +gaulle +jacobite +rearview +##cam +##erted +ashby +##drik +##igate +##mise +##zbek +affectionately +canine +disperse +latham +##istles +##ivar +spielberg +##orin +##idium +ezekiel +cid +##sg +durga +middletown +##cina +customized +frontiers +harden +##etano +##zzy +1604 +bolsheviks +##66 +coloration +yoko +##bedo +briefs +slabs +debra +liquidation +plumage +##oin +blossoms +dementia +subsidy +1611 +proctor +relational +jerseys +parochial +ter +##ici +esa +peshawar +cavalier +loren +cpi +idiots +shamrock +1646 +dutton +malabar +mustache +##endez +##ocytes +referencing +terminates +marche +yarmouth +##sop +acton +mated +seton +subtly +baptised +beige +extremes +jolted +kristina +telecast +##actic +safeguard +waldo +##baldi +##bular +endeavors +sloppy +subterranean +##ensburg +##itung +delicately +pigment +tq +##scu +1626 +##ound +collisions +coveted +herds +##personal +##meister +##nberger +chopra +##ricting +abnormalities +defective +galician +lucie +##dilly +alligator +likened +##genase +burundi +clears +complexion +derelict +deafening +diablo +fingered +champaign +dogg +enlist +isotope +labeling +mrna +##erre +brilliance +marvelous +##ayo +1652 +crawley +ether +footed +dwellers +deserts +hamish +rubs +warlock +skimmed +##lizer +870 +buick +embark +heraldic +irregularities +##ajan +kiara +##kulam +##ieg +antigen +kowalski +##lge +oakley +visitation +##mbit +vt +##suit +1570 +murderers +##miento +##rites +chimneys +##sling +condemn +custer +exchequer +havre +##ghi +fluctuations +##rations +dfb +hendricks +vaccines +##tarian +nietzsche +biking +juicy +##duced +brooding +scrolling +selangor +##ragan +352 +annum +boomed +seminole +sugarcane +##dna +departmental +dismissing +innsbruck +arteries +ashok +batavia +daze +kun +overtook +##rga +##tlan +beheaded +gaddafi +holm +electronically +faulty +galilee +fractures +kobayashi +##lized +gunmen +magma +aramaic +mala +eastenders +inference +messengers +bf +##qu +407 +bathrooms +##vere +1658 +flashbacks +ideally +misunderstood +##jali +##weather +mendez +##grounds +505 +uncanny +##iii +1709 +friendships +##nbc +sacrament +accommodated +reiterated +logistical +pebbles +thumped +##escence +administering +decrees +drafts +##flight +##cased +##tula +futuristic +picket +intimidation +winthrop +##fahan +interfered +339 +afar +francoise +morally +uta +cochin +croft +dwarfs +##bruck +##dents +##nami +biker +##hner +##meral +nano +##isen +##ometric +##pres +##ан +brightened +meek +parcels +securely +gunners +##jhl +##zko +agile +hysteria +##lten +##rcus +bukit +champs +chevy +cuckoo +leith +sadler +theologians +welded +##section +1663 +jj +plurality +xander +##rooms +##formed +shredded +temps +intimately +pau +tormented +##lok +##stellar +1618 +charred +ems +essen +##mmel +alarms +spraying +ascot +blooms +twinkle +##abia +##apes +internment +obsidian +##chaft +snoop +##dav +##ooping +malibu +##tension +quiver +##itia +hays +mcintosh +travers +walsall +##ffie +1623 +beverley +schwarz +plunging +structurally +m3 +rosenthal +vikram +##tsk +770 +ghz +##onda +##tiv +chalmers +groningen +pew +reckon +unicef +##rvis +55th +##gni +1651 +sulawesi +avila +cai +metaphysical +screwing +turbulence +##mberg +augusto +samba +56th +baffled +momentary +toxin +##urian +##wani +aachen +condoms +dali +steppe +##3d +##app +##oed +##year +adolescence +dauphin +electrically +inaccessible +microscopy +nikita +##ega +atv +##cel +##enter +##oles +##oteric +##ы +accountants +punishments +wrongly +bribes +adventurous +clinch +flinders +southland +##hem +##kata +gough +##ciency +lads +soared +##ה +undergoes +deformation +outlawed +rubbish +##arus +##mussen +##nidae +##rzburg +arcs +##ingdon +##tituted +1695 +wheelbase +wheeling +bombardier +campground +zebra +##lices +##oj +##bain +lullaby +##ecure +donetsk +wylie +grenada +##arding +##ης +squinting +eireann +opposes +##andra +maximal +runes +##broken +##cuting +##iface +##ror +##rosis +additive +britney +adultery +triggering +##drome +detrimental +aarhus +containment +jc +swapped +vichy +##ioms +madly +##oric +##rag +brant +##ckey +##trix +1560 +1612 +broughton +rustling +##stems +##uder +asbestos +mentoring +##nivorous +finley +leaps +##isan +apical +pry +slits +substitutes +##dict +intuitive +fantasia +insistent +unreasonable +##igen +##vna +domed +hannover +margot +ponder +##zziness +impromptu +jian +lc +rampage +stemming +##eft +andrey +gerais +whichever +amnesia +appropriated +anzac +clicks +modifying +ultimatum +cambrian +maids +verve +yellowstone +##mbs +conservatoire +##scribe +adherence +dinners +spectra +imperfect +mysteriously +sidekick +tatar +tuba +##aks +##ifolia +distrust +##athan +##zle +c2 +ronin +zac +##pse +celaena +instrumentalist +scents +skopje +##mbling +comical +compensated +vidal +condor +intersect +jingle +wavelengths +##urrent +mcqueen +##izzly +carp +weasel +422 +kanye +militias +postdoctoral +eugen +gunslinger +##ɛ +faux +hospice +##for +appalled +derivation +dwarves +##elis +dilapidated +##folk +astoria +philology +##lwyn +##otho +##saka +inducing +philanthropy +##bf +##itative +geek +markedly +sql +##yce +bessie +indices +rn +##flict +495 +frowns +resolving +weightlifting +tugs +cleric +contentious +1653 +mania +rms +##miya +##reate +##ruck +##tucket +bien +eels +marek +##ayton +##cence +discreet +unofficially +##ife +leaks +##bber +1705 +332 +dung +compressor +hillsborough +pandit +shillings +distal +##skin +381 +##tat +##you +nosed +##nir +mangrove +undeveloped +##idia +textures +##inho +##500 +##rise +ae +irritating +nay +amazingly +bancroft +apologetic +compassionate +kata +symphonies +##lovic +airspace +##lch +930 +gifford +precautions +fulfillment +sevilla +vulgar +martinique +##urities +looting +piccolo +tidy +##dermott +quadrant +armchair +incomes +mathematicians +stampede +nilsson +##inking +##scan +foo +quarterfinal +##ostal +shang +shouldered +squirrels +##owe +344 +vinegar +##bner +##rchy +##systems +delaying +##trics +ars +dwyer +rhapsody +sponsoring +##gration +bipolar +cinder +starters +##olio +##urst +421 +signage +##nty +aground +figurative +mons +acquaintances +duets +erroneously +soyuz +elliptic +recreated +##cultural +##quette +##ssed +##tma +##zcz +moderator +scares +##itaire +##stones +##udence +juniper +sighting +##just +##nsen +britten +calabria +ry +bop +cramer +forsyth +stillness +##л +airmen +gathers +unfit +##umber +##upt +taunting +##rip +seeker +streamlined +##bution +holster +schumann +tread +vox +##gano +##onzo +strive +dil +reforming +covent +newbury +predicting +##orro +decorate +tre +##puted +andover +ie +asahi +dept +dunkirk +gills +##tori +buren +huskies +##stis +##stov +abstracts +bets +loosen +##opa +1682 +yearning +##glio +##sir +berman +effortlessly +enamel +napoli +persist +##peration +##uez +attache +elisa +b1 +invitations +##kic +accelerating +reindeer +boardwalk +clutches +nelly +polka +starbucks +##kei +adamant +huey +lough +unbroken +adventurer +embroidery +inspecting +stanza +##ducted +naia +taluka +##pone +##roids +chases +deprivation +florian +##jing +##ppet +earthly +##lib +##ssee +colossal +foreigner +vet +freaks +patrice +rosewood +triassic +upstate +##pkins +dominates +ata +chants +ks +vo +##400 +##bley +##raya +##rmed +555 +agra +infiltrate +##ailing +##ilation +##tzer +##uppe +##werk +binoculars +enthusiast +fujian +squeak +##avs +abolitionist +almeida +boredom +hampstead +marsden +rations +##ands +inflated +334 +bonuses +rosalie +patna +##rco +329 +detachments +penitentiary +54th +flourishing +woolf +##dion +##etched +papyrus +##lster +##nsor +##toy +bobbed +dismounted +endelle +inhuman +motorola +tbs +wince +wreath +##ticus +hideout +inspections +sanjay +disgrace +infused +pudding +stalks +##urbed +arsenic +leases +##hyl +##rrard +collarbone +##waite +##wil +dowry +##bant +##edance +genealogical +nitrate +salamanca +scandals +thyroid +necessitated +##! +##" +### +##$ +##% +##& +##' +##( +##) +##* +##+ +##, +##- +##. +##/ +##: +##; +##< +##= +##> +##? +##@ +##[ +##\ +##] +##^ +##_ +##` +##{ +##| +##} +##~ +##¡ +##¢ +##£ +##¤ +##¥ +##¦ +##§ +##¨ +##© +##ª +##« +##¬ +##® +##± +##´ +##µ +##¶ +##· +##º +##» +##¼ +##¾ +##¿ +##æ +##ð +##÷ +##þ +##đ +##ħ +##ŋ +##œ +##ƒ +##ɐ +##ɑ +##ɒ +##ɔ +##ɕ +##ə +##ɡ +##ɣ +##ɨ +##ɪ +##ɫ +##ɬ +##ɯ +##ɲ +##ɴ +##ɹ +##ɾ +##ʀ +##ʁ +##ʂ +##ʃ +##ʉ +##ʊ +##ʋ +##ʌ +##ʎ +##ʐ +##ʑ +##ʒ +##ʔ +##ʰ +##ʲ +##ʳ +##ʷ +##ʸ +##ʻ +##ʼ +##ʾ +##ʿ +##ˈ +##ˡ +##ˢ +##ˣ +##ˤ +##β +##γ +##δ +##ε +##ζ +##θ +##κ +##λ +##μ +##ξ +##ο +##π +##ρ +##σ +##τ +##υ +##φ +##χ +##ψ +##ω +##б +##г +##д +##ж +##з +##м +##п +##с +##у +##ф +##х +##ц +##ч +##ш +##щ +##ъ +##э +##ю +##ђ +##є +##і +##ј +##љ +##њ +##ћ +##ӏ +##ա +##բ +##գ +##դ +##ե +##թ +##ի +##լ +##կ +##հ +##մ +##յ +##ն +##ո +##պ +##ս +##վ +##տ +##ր +##ւ +##ք +##־ +##א +##ב +##ג +##ד +##ו +##ז +##ח +##ט +##י +##ך +##כ +##ל +##ם +##מ +##ן +##נ +##ס +##ע +##ף +##פ +##ץ +##צ +##ק +##ר +##ש +##ת +##، +##ء +##ب +##ت +##ث +##ج +##ح +##خ +##ذ +##ز +##س +##ش +##ص +##ض +##ط +##ظ +##ع +##غ +##ـ +##ف +##ق +##ك +##و +##ى +##ٹ +##پ +##چ +##ک +##گ +##ں +##ھ +##ہ +##ے +##अ +##आ +##उ +##ए +##क +##ख +##ग +##च +##ज +##ट +##ड +##ण +##त +##थ +##द +##ध +##न +##प +##ब +##भ +##म +##य +##र +##ल +##व +##श +##ष +##स +##ह +##ा +##ि +##ी +##ो +##। +##॥ +##ং +##অ +##আ +##ই +##উ +##এ +##ও +##ক +##খ +##গ +##চ +##ছ +##জ +##ট +##ড +##ণ +##ত +##থ +##দ +##ধ +##ন +##প +##ব +##ভ +##ম +##য +##র +##ল +##শ +##ষ +##স +##হ +##া +##ি +##ী +##ে +##க +##ச +##ட +##த +##ந +##ன +##ப +##ம +##ய +##ர +##ல +##ள +##வ +##ா +##ி +##ு +##ே +##ை +##ನ +##ರ +##ಾ +##ක +##ය +##ර +##ල +##ව +##ා +##ก +##ง +##ต +##ท +##น +##พ +##ม +##ย +##ร +##ล +##ว +##ส +##อ +##า +##เ +##་ +##། +##ག +##ང +##ད +##ན +##པ +##བ +##མ +##འ +##ར +##ལ +##ས +##မ +##ა +##ბ +##გ +##დ +##ე +##ვ +##თ +##ი +##კ +##ლ +##მ +##ნ +##ო +##რ +##ს +##ტ +##უ +##ᄀ +##ᄂ +##ᄃ +##ᄅ +##ᄆ +##ᄇ +##ᄉ +##ᄊ +##ᄋ +##ᄌ +##ᄎ +##ᄏ +##ᄐ +##ᄑ +##ᄒ +##ᅡ +##ᅢ +##ᅥ +##ᅦ +##ᅧ +##ᅩ +##ᅪ +##ᅭ +##ᅮ +##ᅯ +##ᅲ +##ᅳ +##ᅴ +##ᅵ +##ᆨ +##ᆫ +##ᆯ +##ᆷ +##ᆸ +##ᆼ +##ᴬ +##ᴮ +##ᴰ +##ᴵ +##ᴺ +##ᵀ +##ᵃ +##ᵇ +##ᵈ +##ᵉ +##ᵍ +##ᵏ +##ᵐ +##ᵒ +##ᵖ +##ᵗ +##ᵘ +##ᵣ +##ᵤ +##ᵥ +##ᶜ +##ᶠ +##‐ +##‑ +##‒ +##– +##— +##― +##‖ +##‘ +##’ +##‚ +##“ +##” +##„ +##† +##‡ +##• +##… +##‰ +##′ +##″ +##› +##‿ +##⁄ +##⁰ +##ⁱ +##⁴ +##⁵ +##⁶ +##⁷ +##⁸ +##⁹ +##⁻ +##ⁿ +##₅ +##₆ +##₇ +##₈ +##₉ +##₊ +##₍ +##₎ +##ₐ +##ₑ +##ₒ +##ₓ +##ₕ +##ₖ +##ₗ +##ₘ +##ₚ +##ₛ +##ₜ +##₤ +##₩ +##€ +##₱ +##₹ +##ℓ +##№ +##ℝ +##™ +##⅓ +##⅔ +##← +##↑ +##→ +##↓ +##↔ +##↦ +##⇄ +##⇌ +##⇒ +##∂ +##∅ +##∆ +##∇ +##∈ +##∗ +##∘ +##√ +##∞ +##∧ +##∨ +##∩ +##∪ +##≈ +##≡ +##≤ +##≥ +##⊂ +##⊆ +##⊕ +##⊗ +##⋅ +##─ +##│ +##■ +##▪ +##● +##★ +##☆ +##☉ +##♠ +##♣ +##♥ +##♦ +##♯ +##⟨ +##⟩ +##ⱼ +##⺩ +##⺼ +##⽥ +##、 +##。 +##〈 +##〉 +##《 +##》 +##「 +##」 +##『 +##』 +##〜 +##あ +##い +##う +##え +##お +##か +##き +##く +##け +##こ +##さ +##し +##す +##せ +##そ +##た +##ち +##っ +##つ +##て +##と +##な +##に +##ぬ +##ね +##の +##は +##ひ +##ふ +##へ +##ほ +##ま +##み +##む +##め +##も +##や +##ゆ +##よ +##ら +##り +##る +##れ +##ろ +##を +##ん +##ァ +##ア +##ィ +##イ +##ウ +##ェ +##エ +##オ +##カ +##キ +##ク +##ケ +##コ +##サ +##シ +##ス +##セ +##タ +##チ +##ッ +##ツ +##テ +##ト +##ナ +##ニ +##ノ +##ハ +##ヒ +##フ +##ヘ +##ホ +##マ +##ミ +##ム +##メ +##モ +##ャ +##ュ +##ョ +##ラ +##リ +##ル +##レ +##ロ +##ワ +##ン +##・ +##ー +##一 +##三 +##上 +##下 +##不 +##世 +##中 +##主 +##久 +##之 +##也 +##事 +##二 +##五 +##井 +##京 +##人 +##亻 +##仁 +##介 +##代 +##仮 +##伊 +##会 +##佐 +##侍 +##保 +##信 +##健 +##元 +##光 +##八 +##公 +##内 +##出 +##分 +##前 +##劉 +##力 +##加 +##勝 +##北 +##区 +##十 +##千 +##南 +##博 +##原 +##口 +##古 +##史 +##司 +##合 +##吉 +##同 +##名 +##和 +##囗 +##四 +##国 +##國 +##土 +##地 +##坂 +##城 +##堂 +##場 +##士 +##夏 +##外 +##大 +##天 +##太 +##夫 +##奈 +##女 +##子 +##学 +##宀 +##宇 +##安 +##宗 +##定 +##宣 +##宮 +##家 +##宿 +##寺 +##將 +##小 +##尚 +##山 +##岡 +##島 +##崎 +##川 +##州 +##巿 +##帝 +##平 +##年 +##幸 +##广 +##弘 +##張 +##彳 +##後 +##御 +##德 +##心 +##忄 +##志 +##忠 +##愛 +##成 +##我 +##戦 +##戸 +##手 +##扌 +##政 +##文 +##新 +##方 +##日 +##明 +##星 +##春 +##昭 +##智 +##曲 +##書 +##月 +##有 +##朝 +##木 +##本 +##李 +##村 +##東 +##松 +##林 +##森 +##楊 +##樹 +##橋 +##歌 +##止 +##正 +##武 +##比 +##氏 +##民 +##水 +##氵 +##氷 +##永 +##江 +##沢 +##河 +##治 +##法 +##海 +##清 +##漢 +##瀬 +##火 +##版 +##犬 +##王 +##生 +##田 +##男 +##疒 +##発 +##白 +##的 +##皇 +##目 +##相 +##省 +##真 +##石 +##示 +##社 +##神 +##福 +##禾 +##秀 +##秋 +##空 +##立 +##章 +##竹 +##糹 +##美 +##義 +##耳 +##良 +##艹 +##花 +##英 +##華 +##葉 +##藤 +##行 +##街 +##西 +##見 +##訁 +##語 +##谷 +##貝 +##貴 +##車 +##軍 +##辶 +##道 +##郎 +##郡 +##部 +##都 +##里 +##野 +##金 +##鈴 +##镇 +##長 +##門 +##間 +##阝 +##阿 +##陳 +##陽 +##雄 +##青 +##面 +##風 +##食 +##香 +##馬 +##高 +##龍 +##龸 +##fi +##fl +##! +##( +##) +##, +##- +##. +##/ +##: +##? +##~