├── .gitignore ├── README.md └── assignments ├── hw1 ├── exploring_word_vectors.ipynb └── imgs │ ├── inner_product.png │ └── svd.png └── hw2 ├── Makefile ├── collect_submission.sh ├── get_datasets.sh ├── run.py ├── sgd.py ├── utils ├── __init__.py ├── datasets │ └── stanfordSentimentTreebank │ │ ├── README.txt │ │ ├── SOStr.txt │ │ ├── STree.txt │ │ ├── datasetSentences.txt │ │ ├── datasetSplit.txt │ │ ├── dictionary.txt │ │ ├── original_rt_snippets.txt │ │ └── sentiment_labels.txt ├── gradcheck.py ├── treebank.py └── utils.py └── word2vec.py /.gitignore: -------------------------------------------------------------------------------- 1 | # Byte-compiled / optimized / DLL files 2 | __pycache__/ 3 | *.py[cod] 4 | *$py.class 5 | 6 | # C extensions 7 | *.so 8 | 9 | # Distribution / packaging 10 | .Python 11 | build/ 12 | develop-eggs/ 13 | dist/ 14 | downloads/ 15 | eggs/ 16 | .eggs/ 17 | lib/ 18 | lib64/ 19 | parts/ 20 | sdist/ 21 | var/ 22 | wheels/ 23 | *.egg-info/ 24 | .installed.cfg 25 | *.egg 26 | MANIFEST 27 | 28 | # PyInstaller 29 | # Usually these files are written by a python script from a template 30 | # before PyInstaller builds the exe, so as to inject date/other infos into it. 31 | *.manifest 32 | *.spec 33 | 34 | # Installer logs 35 | pip-log.txt 36 | pip-delete-this-directory.txt 37 | 38 | # Unit test / coverage reports 39 | htmlcov/ 40 | .tox/ 41 | .coverage 42 | .coverage.* 43 | .cache 44 | nosetests.xml 45 | coverage.xml 46 | *.cover 47 | .hypothesis/ 48 | .pytest_cache/ 49 | 50 | # Translations 51 | *.mo 52 | *.pot 53 | 54 | # Django stuff: 55 | *.log 56 | local_settings.py 57 | db.sqlite3 58 | 59 | # Flask stuff: 60 | instance/ 61 | .webassets-cache 62 | 63 | # Scrapy stuff: 64 | .scrapy 65 | 66 | # Sphinx documentation 67 | docs/_build/ 68 | 69 | # PyBuilder 70 | target/ 71 | 72 | # Jupyter Notebook 73 | .ipynb_checkpoints 74 | 75 | # pyenv 76 | .python-version 77 | 78 | # celery beat schedule file 79 | celerybeat-schedule 80 | 81 | # SageMath parsed files 82 | *.sage.py 83 | 84 | # Environments 85 | .env 86 | .venv 87 | env/ 88 | venv/ 89 | ENV/ 90 | env.bak/ 91 | venv.bak/ 92 | 93 | # Spyder project settings 94 | .spyderproject 95 | .spyproject 96 | 97 | # Rope project settings 98 | .ropeproject 99 | 100 | # mkdocs documentation 101 | /site 102 | 103 | # mypy 104 | .mypy_cache/ 105 | -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- 1 | # CS224N 2 | 3 | Random stuff related to CS224N that I'm making public. Not the main repository. 4 | 5 | Here are in-development assignments for the 2019 class, which uses Python and [PyTorch](https://pytorch.org). 6 | 7 | Here are the [videos from 2017](https://www.youtube.com/playlist?list=PL3FW7Lu3i5Jsnh1rnUwq_TcylNr7EkRe6) and 8 | [the corresponding class website with slides](http://web.stanford.edu/class/cs224n/archive/WWW_1617/index.html). 9 | 10 | ## Homework 1 11 | 12 | Homework 1 is an IPython notebook. It doesn't require PyTorch. But you do need a few common Python (NLP) packages (numpy, scipy, matplotlib, scikit-learn, gensim, nltk). It relates to material covered in lectures 2 and 3 in the 2017 course. 13 | 14 | ## Homework 2 15 | 16 | -------------------------------------------------------------------------------- /assignments/hw1/exploring_word_vectors.ipynb: -------------------------------------------------------------------------------- 1 | { 2 | "cells": [ 3 | { 4 | "cell_type": "code", 5 | "execution_count": 1, 6 | "metadata": {}, 7 | "outputs": [ 8 | { 9 | "name": "stdout", 10 | "output_type": "stream", 11 | "text": [ 12 | "[nltk_data] Downloading package reuters to /Users/Sahil/nltk_data...\n", 13 | "[nltk_data] Package reuters is already up-to-date!\n" 14 | ] 15 | } 16 | ], 17 | "source": [ 18 | "# All Import Statements Defined Here\n", 19 | "# Note: Do not add to this list.\n", 20 | "# All the dependencies you need, can be installed by running .\n", 21 | "# ----------------\n", 22 | "\n", 23 | "import sys\n", 24 | "assert sys.version_info[0]==3\n", 25 | "\n", 26 | "from gensim.models import KeyedVectors\n", 27 | "from gensim.test.utils import datapath\n", 28 | "import pprint\n", 29 | "import matplotlib.pyplot as plt\n", 30 | "plt.rcParams['figure.figsize'] = [10, 5]\n", 31 | "import nltk\n", 32 | "nltk.download('reuters')\n", 33 | "from nltk.corpus import reuters\n", 34 | "import numpy as np\n", 35 | "import random\n", 36 | "import scipy as sp\n", 37 | "from sklearn.decomposition import TruncatedSVD\n", 38 | "from sklearn.decomposition import PCA\n", 39 | "\n", 40 | "START_TOKEN = ''\n", 41 | "END_TOKEN = ''\n", 42 | "# ----------------" 43 | ] 44 | }, 45 | { 46 | "cell_type": "markdown", 47 | "metadata": {}, 48 | "source": [ 49 | "# Exploring Word Vectors (30 Points)\n", 50 | "Word Vectors are often utilized as the fundamental component for downstream NLP tasks, e.g. question answering, text generation, etc. so it is important to build some intuitions as to their strengths and weaknesses. Here, you shall first explore word vectors, derived from co-occurrence matrices, and then those derived via word2vec. \n", 51 | "\n", 52 | "**Note on Terminology:** The terms \"word vectors\" and \"word embeddings\" are often used interchangeably. The term \"embedding\" refers to fact that we are encoding aspects of the word's meaning in a lower dimensional space. As Wikipedia states, \"*conceptually it involves a mathematical embedding from a space with one dimension per word to a continuous vector space with a much lower dimension*\" (1). Additionally throughout the Jupyter notebook we will connote vectors with \"[ ... ]\" notation. We provide references for the referenced material throughout the notebook, as denoted by the (...) notation.\n" 53 | ] 54 | }, 55 | { 56 | "cell_type": "markdown", 57 | "metadata": {}, 58 | "source": [ 59 | "## Part 1: Count-Based Word Vectors\n", 60 | "Most word vector derivations and implementations are underscored by the following idea:\n", 61 | "\n", 62 | "*You shall know a word by the company it keeps (Firth, J. R. 1957:11)* (2)\n", 63 | "\n", 64 | "Many word vector implementations are driven by the idea that similar words, i.e. synonyms, will be used in similar contexts. As a result, similar words will often be spoken or written along with a shared subset of words, i.e. contexts. By examining these contexts, we can try to develop embeddings for our words. With this intuition in mind, many \"old school\" approaches to constructing word vectors relied on word counts. Here we elaborate upon one of those strategies, co-occurrence matrices (3,4):" 65 | ] 66 | }, 67 | { 68 | "cell_type": "markdown", 69 | "metadata": {}, 70 | "source": [ 71 | "### Co-Occurrence\n", 72 | "Finally, we can take word-entity comparisons down to the word-word level, i.e. a co-occurrence matrix. With a fixed window of size $n$, examine $w_i$ in a document. Now examine the $n$ preceding and subsequent words in that document, i.e. words $w_{i-n} \\dots w_{i-1}$ and $w_{i+1} \\dots w_{i+n}$ which fall inside the fixed window. Maintain a symmetric word-word matrix, M, where you update the count for entry M[i,j] if $w_j$ appears inside $w_i$'s window \n", 73 | "\n", 74 | "**Example: Co-Occurrence with Fixed Window of n=1**:\n", 75 | "\n", 76 | "Document 1: \"All that glitters isn't gold\"\n", 77 | "\n", 78 | "Document 2: \"All's well that ends well\"\n", 79 | "\n", 80 | "\n", 81 | "| * | START | all | that | glitter | isn't | gold | all's | end | well | END |\n", 82 | "|---------|-------|-----|------|---------|-------|------|-------|-----|------|-----|\n", 83 | "| START | 0 | 1 | 0 | 0 | 0 | 0 | 1 | 0 | 0 | 0 |\n", 84 | "| all | 1 | 0 | 1 | 0 | 0 | 0 | 0 | 0 | 0 | 0 |\n", 85 | "| that | 0 | 1 | 0 | 1 | 0 | 0 | 0 | 1 | 0 | 0 |\n", 86 | "| glitter | 0 | 0 | 1 | 0 | 1 | 0 | 0 | 0 | 1 | 0 |\n", 87 | "| isn't | 0 | 0 | 0 | 1 | 0 | 1 | 0 | 0 | 0 | 0 |\n", 88 | "| gold | 0 | 0 | 0 | 0 | 1 | 0 | 0 | 0 | 0 | 1 |\n", 89 | "| all's | 1 | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 1 | 0 |\n", 90 | "| end | 0 | 0 | 1 | 0 | 0 | 0 | 0 | 0 | 1 | 0 |\n", 91 | "| well | 0 | 0 | 1 | 0 | 0 | 0 | 1 | 1 | 0 | 1 |\n", 92 | "| END | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 1 | 0 |\n", 93 | "\n", 94 | "**Note**: In NLP, we often add START and END tokens to handle edge cases at the beginning and end of sentences, paragraphs, etc. so we imagine START and END tokens encapsulating each document here, i.e. \"START All that glitters isn't gold END\".\n", 95 | "\n", 96 | "Now, we have word vectors rooted in word-word comparisons, but these vectors will be large (linear with number of distinct words in a corpus). Thus, our next step is to run dimension reduction, i.e. PCA (Principal Components Analysis) or SVD (Singular Value Decomposition) to select the top $k$ principal components, e.g. $U_k$ in the image below, as our k-dimensional word vectors.\n", 97 | "\n", 98 | "For reference, here's a visualization of dimensionality reduction with SVD:\n", 99 | "![alt text](./imgs/svd.png \"SVD\")\n", 100 | "\n", 101 | "This reduced-dimensionality-co-occurrence representation helps us preserve semantic relationships between words, e.g. doctor and hospital will be closer than doctor and dog. In practice, this method is not tractable for large corpora because of the memory needed to perform PCA or SVD.\n", 102 | "\n", 103 | "**Note**: If you're curious and want to learn more about PCA or SVD feel free to checkout (5 - 7). These course notes from CS168 provide a great high-level treatment of these general purpose algorithms. Though, for the purpose of this class, you only need to know how to extract the k-dimensional embeddings by utilizing pre-programmed implementations of either algorithm from the numpy, scipy, or sklearn python packages." 104 | ] 105 | }, 106 | { 107 | "cell_type": "markdown", 108 | "metadata": {}, 109 | "source": [ 110 | "### Question 1: Plotting - Co-Occurrence, Word Embeddings [code] (10 Points)\n", 111 | "1. Here, we will be using the reuters corpus. If you haven't run the import cell at the top of this page, please run it now. The corpus consists of 10,788 news documents totaling 1.3 million words. These documents span 90 categories and are split into train and test. For more details, please see https://www.nltk.org/book/ch02.html. We provide the read_corpus function that pulls out articles from the \"coffee\" category. \n", 112 | "3. Construct a method that constructs a co-occurrence matrix with a fixed window of 4, considering words 4 before and after the word upon which the window is centered.\n", 113 | "4. Construct a method that performs dimension reduction on the matrix to produce k-dimensional embeddings, i.e. use PCA or SVD to take the top k-principal components and produce a new matrix of k-dimensional embeddings.\n", 114 | "5. Compute the co-occurrence matrix with fixed window of 4, over the corpus. Then compute k=2, 2-dimensional embeddings.\n", 115 | "6. Plot the 2D embeddings for `[\"japan\", \"america\", \"mexico\", \"canada\", \"coffee\", \"tea\"]`\n", 116 | "\n", 117 | "**Note**: We have provided a `read_corpus` function below. It already adds START and END tokens to each of the documents. You do **not** have to lemmatize the strings in the documents or perform any other form of pre-processing." 118 | ] 119 | }, 120 | { 121 | "cell_type": "code", 122 | "execution_count": 2, 123 | "metadata": {}, 124 | "outputs": [], 125 | "source": [ 126 | "def read_corpus(category=\"coffee\"):\n", 127 | " \"\"\" Read files from the specified reuter's category.\n", 128 | " Params:\n", 129 | " category (string): category name\n", 130 | " Return:\n", 131 | " list of lists, with words from each of the processed files\n", 132 | " \"\"\"\n", 133 | " files = reuters.fileids(category)\n", 134 | " return [[START_TOKEN] + [w.lower() for w in list(reuters.words(f))] + [END_TOKEN] for f in files]\n" 135 | ] 136 | }, 137 | { 138 | "cell_type": "code", 139 | "execution_count": 3, 140 | "metadata": {}, 141 | "outputs": [], 142 | "source": [ 143 | "def distinct_words(corpus):\n", 144 | " \"\"\" Determine a list of distinct words for the corpus.\n", 145 | " Params:\n", 146 | " corpus (list of list of strings): corpus of documents\n", 147 | " Return:\n", 148 | " list of distinct words, number of distinct words\n", 149 | " \"\"\"\n", 150 | " # ------------------\n", 151 | " # Your implementation here.\n", 152 | " \n", 153 | " # ------------------" 154 | ] 155 | }, 156 | { 157 | "cell_type": "code", 158 | "execution_count": 4, 159 | "metadata": {}, 160 | "outputs": [], 161 | "source": [ 162 | "def compute_co_occurrence_matrix(corpus):\n", 163 | " \"\"\" Compute co-occurrence matrix for the given corpus with a window size of 4.\n", 164 | " Params:\n", 165 | " corpus (list of list of strings): corpus of documents\n", 166 | " Return:\n", 167 | " numpy matrix (number of words, number of words) of co-occurrence counts,\n", 168 | " dictionary mapping row/col index -> word\n", 169 | " \"\"\"\n", 170 | " # ------------------\n", 171 | " # Your implementation here.\n", 172 | " \n", 173 | " # ------------------" 174 | ] 175 | }, 176 | { 177 | "cell_type": "code", 178 | "execution_count": 5, 179 | "metadata": {}, 180 | "outputs": [], 181 | "source": [ 182 | "def reduce_to_k_dim(M, k=2):\n", 183 | " \"\"\" Reduce dimensionality of (m,n) matrix to (m,k) using dimension reduction techniques like PCA or SVD.\n", 184 | " \n", 185 | " Possible Dimension Reduction Functions:\n", 186 | " - http://scikit-learn.org/stable/modules/generated/sklearn.decomposition.PCA.html\n", 187 | " - http://scikit-learn.org/stable/modules/generated/sklearn.decomposition.TruncatedSVD.html\n", 188 | " \n", 189 | " Params:\n", 190 | " M (numpy matrix): co-occurrence numpy matrix\n", 191 | " k (int): number of dimensions we want for dimension reduction\n", 192 | " Return:\n", 193 | " numpy matrix (m,k) -- our k-dim word embeddings\n", 194 | " \"\"\" \n", 195 | "\n", 196 | " # ------------------\n", 197 | " # Your implementation here.\n", 198 | " \n", 199 | " # ------------------" 200 | ] 201 | }, 202 | { 203 | "cell_type": "code", 204 | "execution_count": 6, 205 | "metadata": {}, 206 | "outputs": [], 207 | "source": [ 208 | "def plot_embeddings(M, word2Ind,\n", 209 | " words=[\"japan\", \"america\", \"mexico\", \"canada\", \"coffee\", \"tea\"]):\n", 210 | " \"\"\" Plot Embeddings of specified words (scatterplot).\n", 211 | " Params:\n", 212 | " M (numpy matrix -- (m, k)): embeddings\n", 213 | " word2Ind (map string -> int): word to index mapping\n", 214 | " words (list of strings): words whose embeddings we want to visualize\n", 215 | " Return:\n", 216 | " None\n", 217 | " \n", 218 | " Hint: Try using Matplotlib to make a scatterplot.\n", 219 | " \"\"\"\n", 220 | " # ------------------\n", 221 | " # Your implementation here.\n", 222 | " \n", 223 | " \n", 224 | " # ------------------" 225 | ] 226 | }, 227 | { 228 | "cell_type": "code", 229 | "execution_count": null, 230 | "metadata": {}, 231 | "outputs": [], 232 | "source": [ 233 | "# Producing Your Plots -- Run Cell\n", 234 | "corpus = read_corpus()\n", 235 | "M, word2Ind = compute_co_occurrence_matrix(corpus)\n", 236 | "M_hat = reduce_to_k_dim(M, k=2)\n", 237 | "plot_embeddings(M_hat, word2Ind)" 238 | ] 239 | }, 240 | { 241 | "cell_type": "markdown", 242 | "metadata": {}, 243 | "source": [ 244 | "### Question 2: Plotting - Co-Occurrence, Word Embeddings [written] (2 points)\n", 245 | "What do you notice in the plot? What clusters together in 2-dimensional embedding space? What doesn't cluster together?\n" 246 | ] 247 | }, 248 | { 249 | "cell_type": "markdown", 250 | "metadata": {}, 251 | "source": [ 252 | "## Part 2: Prediction-Based Word Vectors\n", 253 | "As discussed in class, more recently prediction-based word vectors have come into fashion, e.g. Word2Vec. Here, we shall explore the embeddings produced by Word2Vec. Please make sure that you have downloaded the Word2Vec embeddings from https://drive.google.com/file/d/0B7XkCwpI5KDYNlNUTTlSS21pQmM/edit\n", 254 | "\n", 255 | "Please revisit the class notes and lecture slides for more details on the word2vec algorithm. If you're feeling adventurous, challenge yourself and try reading the original paper (12)." 256 | ] 257 | }, 258 | { 259 | "cell_type": "markdown", 260 | "metadata": {}, 261 | "source": [ 262 | "### Question 2: Plotting - Word2Vec, Word Embeddings [code]\n", 263 | "Let's directly compare the word2Vec embeddings to those of the co-occurrence matrix.\n", 264 | "\n", 265 | "1. Read the word2Vec vectors into memory.\n", 266 | "2. Convert the (n, 300) dimension vector to (n,2) using the same dimension reduction techniques as earlier (SVD, PCA, etc.)\n", 267 | "3. Plot the 2D embeddings for `[\"japan\", \"america\", \"mexico\", \"canada\", \"coffee\", \"tea\"]`\n", 268 | "\n", 269 | "**Note**: Running the `load_word2vec` function may take several minutes." 270 | ] 271 | }, 272 | { 273 | "cell_type": "code", 274 | "execution_count": 14, 275 | "metadata": {}, 276 | "outputs": [], 277 | "source": [ 278 | "# Fill this variable with path to your downloaded and unzipped embeddings\n", 279 | "# The file should be of format \".bin\"\n", 280 | "embeddings_fp = \"/Users/Sahil/Desktop/cs224n-1819/assignments/prototypes/hw1/soln/embeddings/GoogleNews-vectors-negative300.bin\"\n", 281 | "def load_word2vec(words, embeddings_fp=embeddings_fp):\n", 282 | " \"\"\" Load Word2Vec Vectors\n", 283 | " Param:\n", 284 | " words (list of strings) - words that we must consider in vocabulary\n", 285 | " embeddings_fp (string) - path to .bin file of pretrained word vectors\n", 286 | " Return:\n", 287 | " numpy matrix (number of words, 300) of embeddings,\n", 288 | " map of row/col index -> word,\n", 289 | " KeyedVectors format of embeddings (doc https://radimrehurek.com/gensim/models/deprecated/keyedvectors.html)\n", 290 | " \"\"\"\n", 291 | " embed_size = 300\n", 292 | " wv_from_bin = KeyedVectors.load_word2vec_format(datapath(embeddings_fp), binary=True)\n", 293 | " vocab = list(wv_from_bin.vocab.keys())\n", 294 | " word2Ind = {}\n", 295 | " M = []\n", 296 | " curInd = 0\n", 297 | " for w in words:\n", 298 | " try:\n", 299 | " M.append(wv_from_bin.word_vec(w))\n", 300 | " word2Ind[w] = curInd\n", 301 | " curInd += 1\n", 302 | " except KeyError:\n", 303 | " continue\n", 304 | " for w in np.random.choice(np.array(vocab).flatten(), 1000):\n", 305 | " try:\n", 306 | " M.append(wv_from_bin.word_vec(w))\n", 307 | " word2Ind[w] = curInd\n", 308 | " curInd += 1\n", 309 | " except KeyError:\n", 310 | " continue \n", 311 | " return np.stack(M), word2Ind, wv_from_bin" 312 | ] 313 | }, 314 | { 315 | "cell_type": "code", 316 | "execution_count": 15, 317 | "metadata": {}, 318 | "outputs": [], 319 | "source": [ 320 | "## Run cell to load word vectors\n", 321 | "## Note: This may take several minutes\n", 322 | "words=[\"japan\", \"america\", \"mexico\", \"canada\", \"coffee\", \"tea\"]\n", 323 | "M, word2Ind, wv_from_bin = load_word2vec(words)\n", 324 | "M_hat = reduce_to_k_dim(M, k=2)" 325 | ] 326 | }, 327 | { 328 | "cell_type": "code", 329 | "execution_count": null, 330 | "metadata": {}, 331 | "outputs": [], 332 | "source": [ 333 | "## Run cell to plot word vectors\n", 334 | "plot_embeddings(M_hat, word2Ind, words)" 335 | ] 336 | }, 337 | { 338 | "cell_type": "markdown", 339 | "metadata": {}, 340 | "source": [ 341 | "### Question 2: Plotting - Word2Vec, Word Embeddings [written] (2 points)\n", 342 | "Are the clusters in this plot any different than before with the co-occurrence plot?\n" 343 | ] 344 | }, 345 | { 346 | "cell_type": "markdown", 347 | "metadata": {}, 348 | "source": [ 349 | "## Cosine Similarity\n", 350 | "Now, that we have word vectors we need a way to quantify the similarity between individual words, according to these metric-spaces. One such metric is cosine-similarity. We will be using this in the following problem in order to find words that are \"close\" and \"far\" from one another.\n", 351 | "\n", 352 | "We can think of n-dimensional vectors as points in n-dimensional space. If we take this perspective L1 and L2 Distances help quantify the amount of space \"we must travel\" to get between these two points. Another approach is to examine the angle between two vectors. From trigonometry we know that:\n", 353 | "\n", 354 | "![alt text](./imgs/inner_product.png \"Angle\")\n", 355 | "\n", 356 | "Instead of computing the actual angle, we can similarly leave the similarity in terms of $similarity = cos(\\Theta)$. Formally the Cosine Similarity between two vectors $p$ and $q$ is defined as (10, 11):\n", 357 | "\n", 358 | "$$Cosine\\_Dist = \\frac{p \\cdot q}{||p|| ||q||}, \\textrm{ where } Cosine\\_Dist \\in [-1, 1] $$ " 359 | ] 360 | }, 361 | { 362 | "cell_type": "markdown", 363 | "metadata": {}, 364 | "source": [ 365 | "### Question 3: Synonyms & Antonyms - Word2Vec, Word Embeddings [code + written] (8 points)\n", 366 | "1. Find a polysemous word (for example, \"leaves\" or \"scoop\") such that the top-10 most similar words contains related words from both meanings. For example, \"leaves\" has both \"vanishes\" and \"stalks\" in the top 10, and \"scoop\" has both \"handed_waffle_cone\" and \"lowdown\". You will probably need to try several polysemous words before you find one. Please state the polysemous word you discover and the various definitions that are surfaced in your exploration of similar words. Why do you think many of the polysemous words you tried didn't work? **(4 points)**\n", 367 | "\n", 368 | "**Note**: The `wv_from_bin.most_similar(word)` functions may be helpful here. It ranks all other words with respect to their cosine similarity to a given word. Please see https://radimrehurek.com/gensim/models/keyedvectors.html#module-gensim.models.keyedvectors for more documentation." 369 | ] 370 | }, 371 | { 372 | "cell_type": "code", 373 | "execution_count": 1, 374 | "metadata": {}, 375 | "outputs": [], 376 | "source": [ 377 | "## Write code for polysemous word exploration here\n", 378 | "## ----------------------------------------------\n", 379 | "\n", 380 | "## ----------------------------------------------" 381 | ] 382 | }, 383 | { 384 | "cell_type": "markdown", 385 | "metadata": {}, 386 | "source": [ 387 | "**Write Answer Here (Polysemous Word Exploration)**\n" 388 | ] 389 | }, 390 | { 391 | "cell_type": "markdown", 392 | "metadata": {}, 393 | "source": [ 394 | "2. Find three words (w1,w2,w3) where w1 and w2 are synonyms and w1 and w3 are antonyms, but dist(w1,w3) < dist(w1,w2). For example, \"qualified\" is closer to \"unqualified\" than to \"skilled\". Can you give a possible explanation for why this happens? **(4 points)**\n", 395 | "\n", 396 | "**Note**: The `wv_from_bin.distance(w1, w2)` function may be helpful here in order to compute the cosine distance between two words." 397 | ] 398 | }, 399 | { 400 | "cell_type": "code", 401 | "execution_count": 2, 402 | "metadata": {}, 403 | "outputs": [], 404 | "source": [ 405 | "## Write code for snonym/antonym word exploration here\n", 406 | "## ----------------------------------------------\n", 407 | "\n", 408 | "## ----------------------------------------------" 409 | ] 410 | }, 411 | { 412 | "cell_type": "markdown", 413 | "metadata": {}, 414 | "source": [ 415 | "**Write Answer Here (Synonym/Antonym Word Exploration)**\n" 416 | ] 417 | }, 418 | { 419 | "cell_type": "markdown", 420 | "metadata": {}, 421 | "source": [ 422 | "### Question 4: Analogies - Word2Vec, Word Embeddings [code] (4 points)\n", 423 | "Interestingly Word2Vec vectors have been shown to sometime be able to exhibit analogies. Please use the `most_similar(positive=[], negative=[])` function which finds words who are most similar to the words in the `positive` list and and most dissimilar from the words in the `negative` list.\n", 424 | "\n", 425 | "1. For the analogy \"man : king :: woman : x\", what is x? In the cell below, we show you how to adapt this analogy into the `most_similar(positive=[], negative=[])` syntax. **(1 point)**\n", 426 | "\n", 427 | "**Note:** Documentation on the `most_similar` function can be found at https://radimrehurek.com/gensim/models/keyedvectors.html#module-gensim.models.keyedvectors)" 428 | ] 429 | }, 430 | { 431 | "cell_type": "code", 432 | "execution_count": 8, 433 | "metadata": {}, 434 | "outputs": [], 435 | "source": [ 436 | "# Run this cell to answer the analogy -- man : king :: woman : x\n", 437 | "pprint.pprint(wv_from_bin.most_similar(positive=['woman', 'king'], negative=['man']))" 438 | ] 439 | }, 440 | { 441 | "cell_type": "markdown", 442 | "metadata": {}, 443 | "source": [ 444 | "**Write X (According to Word Vectors) Here:**" 445 | ] 446 | }, 447 | { 448 | "cell_type": "markdown", 449 | "metadata": {}, 450 | "source": [ 451 | "2. Find an example of analogy that holds according to these vectors. State analogy solution, according to the word vectors. **(2 points)**" 452 | ] 453 | }, 454 | { 455 | "cell_type": "code", 456 | "execution_count": 3, 457 | "metadata": {}, 458 | "outputs": [], 459 | "source": [ 460 | "## Insert code to demonstrate working analogy here\n", 461 | "## ----------------------------------------------\n", 462 | "\n", 463 | "## ----------------------------------------------" 464 | ] 465 | }, 466 | { 467 | "cell_type": "markdown", 468 | "metadata": {}, 469 | "source": [ 470 | "**Write Analogy (According to Word Vectors) Here:**" 471 | ] 472 | }, 473 | { 474 | "cell_type": "markdown", 475 | "metadata": {}, 476 | "source": [ 477 | "3. Find an example of analogy that does not hold according to these vectors. State the intended analogy and analogy solution, according to the word vectors. **(1 point)**" 478 | ] 479 | }, 480 | { 481 | "cell_type": "code", 482 | "execution_count": 4, 483 | "metadata": {}, 484 | "outputs": [], 485 | "source": [ 486 | "## Insert code to demonstrate broken analogy here\n", 487 | "## ----------------------------------------------\n", 488 | "\n", 489 | "## ----------------------------------------------" 490 | ] 491 | }, 492 | { 493 | "cell_type": "markdown", 494 | "metadata": {}, 495 | "source": [ 496 | "**Write Intended Analogy & Compare with Closest Words (According to Word Vectors) Here:**" 497 | ] 498 | }, 499 | { 500 | "cell_type": "markdown", 501 | "metadata": {}, 502 | "source": [ 503 | "### Question 5: Bias - Word2Vec, Word Embeddings [code + witten] (4 points)\n", 504 | "It's important to be cognizant of the biases implicit to our word embeddings.\n", 505 | "\n", 506 | "1. Run the cell below, to examine which terms are most similar to \"woman\" and \"boss\" and most dissimilar from \"man\". What do you find? **(1 point)**" 507 | ] 508 | }, 509 | { 510 | "cell_type": "code", 511 | "execution_count": 7, 512 | "metadata": {}, 513 | "outputs": [], 514 | "source": [ 515 | "# Run this cell\n", 516 | "# Here `positive` indicates the list of words to be similar to and `negative` indicates the list of words to be\n", 517 | "# most dissimilar from.\n", 518 | "pprint.pprint(wv_from_bin.most_similar(positive=['woman', 'boss'], negative=['man']))" 519 | ] 520 | }, 521 | { 522 | "cell_type": "markdown", 523 | "metadata": {}, 524 | "source": [ 525 | "**Explain Your Findings Here**\n" 526 | ] 527 | }, 528 | { 529 | "cell_type": "markdown", 530 | "metadata": {}, 531 | "source": [ 532 | "2. Use the `most_similar` function to find another case where bias is exhibited by the vectors. **(1 point)**" 533 | ] 534 | }, 535 | { 536 | "cell_type": "code", 537 | "execution_count": 5, 538 | "metadata": {}, 539 | "outputs": [], 540 | "source": [ 541 | "## Insert code to demonstrate bias\n", 542 | "## ----------------------------------------------\n", 543 | "\n", 544 | "## ----------------------------------------------" 545 | ] 546 | }, 547 | { 548 | "cell_type": "markdown", 549 | "metadata": {}, 550 | "source": [ 551 | "**Write Your Example of Bias Here:**\n" 552 | ] 553 | }, 554 | { 555 | "cell_type": "markdown", 556 | "metadata": {}, 557 | "source": [ 558 | "3. What might be leading to the development of these biases in the word vectors? **(2 points)**\n", 559 | "\n", 560 | "**Write Your Answer Here:**" 561 | ] 562 | }, 563 | { 564 | "cell_type": "markdown", 565 | "metadata": {}, 566 | "source": [ 567 | "# References\n", 568 | "\n", 569 | "[1] https://en.wikipedia.org/wiki/Word_embedding\n", 570 | "\n", 571 | "[2] https://en.wikipedia.org/wiki/John_Rupert_Firth\n", 572 | "\n", 573 | "[3] http://web.stanford.edu/class/cs124/lec/vectorsemantics.video.pdf\n", 574 | "\n", 575 | "[4] https://medium.com/data-science-group-iitr/word-embedding-2d05d270b285\n", 576 | "\n", 577 | "[5] https://web.stanford.edu/class/cs168/l/l7.pdf\n", 578 | "\n", 579 | "[6] http://theory.stanford.edu/~tim/s15/l/l8.pdf\n", 580 | "\n", 581 | "[7] https://web.stanford.edu/class/cs168/l/l9.pdf\n", 582 | "\n", 583 | "[8] https://en.wikipedia.org/wiki/Taxicab_geometry\n", 584 | "\n", 585 | "[9] https://en.wikipedia.org/wiki/Euclidean_distance\n", 586 | "\n", 587 | "[10] https://en.wikipedia.org/wiki/Inner_product_space\n", 588 | "\n", 589 | "[11] https://en.wikipedia.org/wiki/Cosine_similarity\n", 590 | "\n", 591 | "[12] https://papers.nips.cc/paper/5021-distributed-representations-of-words-and-phrases-and-their-compositionality.pdf\n" 592 | ] 593 | } 594 | ], 595 | "metadata": { 596 | "kernelspec": { 597 | "display_name": "Python 3", 598 | "language": "python", 599 | "name": "python3" 600 | }, 601 | "language_info": { 602 | "codemirror_mode": { 603 | "name": "ipython", 604 | "version": 3 605 | }, 606 | "file_extension": ".py", 607 | "mimetype": "text/x-python", 608 | "name": "python", 609 | "nbconvert_exporter": "python", 610 | "pygments_lexer": "ipython3", 611 | "version": "3.6.6" 612 | } 613 | }, 614 | "nbformat": 4, 615 | "nbformat_minor": 2 616 | } 617 | -------------------------------------------------------------------------------- /assignments/hw1/imgs/inner_product.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/manning/CS224N/HEAD/assignments/hw1/imgs/inner_product.png -------------------------------------------------------------------------------- /assignments/hw1/imgs/svd.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/manning/CS224N/HEAD/assignments/hw1/imgs/svd.png -------------------------------------------------------------------------------- /assignments/hw2/Makefile: -------------------------------------------------------------------------------- 1 | DATASETS_DIR=utils/datasets 2 | 3 | init: 4 | sh get_datasets.sh 5 | 6 | submit: 7 | sh collect_submission.sh 8 | 9 | clean: 10 | rm -f assignment1.zip 11 | rm -rf ${DATASETS_DIR} 12 | rm -f *.pyc *.png *.npy utils/*.pyc 13 | 14 | -------------------------------------------------------------------------------- /assignments/hw2/collect_submission.sh: -------------------------------------------------------------------------------- 1 | rm -f assignment1.zip 2 | zip -r assignment1.zip *.py *.png saved_params_40000.npy 3 | -------------------------------------------------------------------------------- /assignments/hw2/get_datasets.sh: -------------------------------------------------------------------------------- 1 | #!/bin/bash 2 | 3 | DATASETS_DIR="utils/datasets" 4 | mkdir -p $DATASETS_DIR 5 | 6 | cd $DATASETS_DIR 7 | 8 | # Get Stanford Sentiment Treebank 9 | if hash wget 2>/dev/null; then 10 | wget http://nlp.stanford.edu/~socherr/stanfordSentimentTreebank.zip 11 | else 12 | curl -L http://nlp.stanford.edu/~socherr/stanfordSentimentTreebank.zip -o stanfordSentimentTreebank.zip 13 | fi 14 | unzip stanfordSentimentTreebank.zip 15 | rm stanfordSentimentTreebank.zip 16 | -------------------------------------------------------------------------------- /assignments/hw2/run.py: -------------------------------------------------------------------------------- 1 | #!/usr/bin/env python 2 | 3 | import random 4 | import numpy as np 5 | from utils.treebank import StanfordSentiment 6 | import matplotlib 7 | matplotlib.use('agg') 8 | import matplotlib.pyplot as plt 9 | import time 10 | 11 | from word2vec import * 12 | from sgd import * 13 | 14 | # Reset the random seed to make sure that everyone gets the same results 15 | random.seed(314) 16 | dataset = StanfordSentiment() 17 | tokens = dataset.tokens() 18 | nWords = len(tokens) 19 | 20 | # We are going to train 10-dimensional vectors for this assignment 21 | dimVectors = 10 22 | 23 | # Context size 24 | C = 5 25 | 26 | # Reset the random seed to make sure that everyone gets the same results 27 | random.seed(31415) 28 | np.random.seed(9265) 29 | 30 | startTime=time.time() 31 | wordVectors = np.concatenate( 32 | ((np.random.rand(nWords, dimVectors) - 0.5) / 33 | dimVectors, np.zeros((nWords, dimVectors))), 34 | axis=0) 35 | wordVectors = sgd( 36 | lambda vec: word2vec_sgd_wrapper(skipgram, tokens, vec, dataset, C, 37 | negSamplingLossAndGradient), 38 | wordVectors, 0.3, 40000, None, True, PRINT_EVERY=10) 39 | # Note that normalization is not called here. This is not a bug, 40 | # normalizing during training loses the notion of length. 41 | 42 | print("sanity check: cost at convergence should be around or below 10") 43 | print("training took %d seconds" % (time.time() - startTime)) 44 | 45 | # concatenate the input and output word vectors 46 | wordVectors = np.concatenate( 47 | (wordVectors[:nWords,:], wordVectors[nWords:,:]), 48 | axis=0) 49 | 50 | visualizeWords = [ 51 | "great", "cool", "brilliant", "wonderful", "well", "amazing", 52 | "worth", "sweet", "enjoyable", "boring", "bad", "dumb", 53 | "annoying", "female", "male", "queen", "king", "man", "woman", "rain", "snow", 54 | "hail", "coffee", "tea"] 55 | 56 | 57 | visualizeIdx = [tokens[word] for word in visualizeWords] 58 | visualizeVecs = wordVectors[visualizeIdx, :] 59 | temp = (visualizeVecs - np.mean(visualizeVecs, axis=0)) 60 | covariance = 1.0 / len(visualizeIdx) * temp.T.dot(temp) 61 | U,S,V = np.linalg.svd(covariance) 62 | coord = temp.dot(U[:,0:2]) 63 | 64 | for i in range(len(visualizeWords)): 65 | plt.text(coord[i,0], coord[i,1], visualizeWords[i], 66 | bbox=dict(facecolor='green', alpha=0.1)) 67 | 68 | plt.xlim((np.min(coord[:,0]), np.max(coord[:,0]))) 69 | plt.ylim((np.min(coord[:,1]), np.max(coord[:,1]))) 70 | 71 | plt.savefig('word_vectors.png') 72 | -------------------------------------------------------------------------------- /assignments/hw2/sgd.py: -------------------------------------------------------------------------------- 1 | #!/usr/bin/env python 2 | 3 | # Save parameters every a few SGD iterations as fail-safe 4 | SAVE_PARAMS_EVERY = 5000 5 | 6 | import pickle 7 | import glob 8 | import random 9 | import numpy as np 10 | import os.path as op 11 | 12 | def load_saved_params(): 13 | """ 14 | A helper function that loads previously saved parameters and resets 15 | iteration start. 16 | """ 17 | st = 0 18 | for f in glob.glob("saved_params_*.npy"): 19 | iter = int(op.splitext(op.basename(f))[0].split("_")[2]) 20 | if (iter > st): 21 | st = iter 22 | 23 | if st > 0: 24 | params_file = "saved_params_%d.npy" % st 25 | state_file = "saved_state_%d.pickle" % st 26 | params = np.load(params_file) 27 | with open(state_file, "rb") as f: 28 | state = pickle.load(f) 29 | return st, params, state 30 | else: 31 | return st, None, None 32 | 33 | 34 | def save_params(iter, params): 35 | params_file = "saved_params_%d.npy" % iter 36 | np.save(params_file, params) 37 | with open("saved_state_%d.pickle" % iter, "wb") as f: 38 | pickle.dump(random.getstate(), f) 39 | 40 | 41 | def sgd(f, x0, step, iterations, postprocessing=None, useSaved=False, 42 | PRINT_EVERY=10): 43 | """ Stochastic Gradient Descent 44 | 45 | Implement the stochastic gradient descent method in this function. 46 | 47 | Arguments: 48 | f -- the function to optimize, it should take a single 49 | argument and yield two outputs, a loss and the gradient 50 | with respect to the arguments 51 | x0 -- the initial point to start SGD from 52 | step -- the step size for SGD 53 | iterations -- total iterations to run SGD for 54 | postprocessing -- postprocessing function for the parameters 55 | if necessary. In the case of word2vec we will need to 56 | normalize the word vectors to have unit length. 57 | PRINT_EVERY -- specifies how many iterations to output loss 58 | 59 | Return: 60 | x -- the parameter value after SGD finishes 61 | """ 62 | 63 | # Anneal learning rate every several iterations 64 | ANNEAL_EVERY = 20000 65 | 66 | if useSaved: 67 | start_iter, oldx, state = load_saved_params() 68 | if start_iter > 0: 69 | x0 = oldx 70 | step *= 0.5 ** (start_iter / ANNEAL_EVERY) 71 | 72 | if state: 73 | random.setstate(state) 74 | else: 75 | start_iter = 0 76 | 77 | x = x0 78 | 79 | if not postprocessing: 80 | postprocessing = lambda x: x 81 | 82 | exploss = None 83 | 84 | for iter in range(start_iter + 1, iterations + 1): 85 | # You might want to print the progress every few iterations. 86 | 87 | loss = None 88 | ### YOUR CODE HERE 89 | 90 | ### END YOUR CODE 91 | 92 | x = postprocessing(x) 93 | if iter % PRINT_EVERY == 0: 94 | if not exploss: 95 | exploss = loss 96 | else: 97 | exploss = .95 * exploss + .05 * loss 98 | print("iter %d: %f" % (iter, exploss)) 99 | 100 | if iter % SAVE_PARAMS_EVERY == 0 and useSaved: 101 | save_params(iter, x) 102 | 103 | if iter % ANNEAL_EVERY == 0: 104 | step *= 0.5 105 | 106 | return x 107 | 108 | 109 | def sanity_check(): 110 | quad = lambda x: (np.sum(x ** 2), x * 2) 111 | 112 | print("Running sanity checks...") 113 | t1 = sgd(quad, 0.5, 0.01, 1000, PRINT_EVERY=100) 114 | print("test 1 result:", t1) 115 | assert abs(t1) <= 1e-6 116 | 117 | t2 = sgd(quad, 0.0, 0.01, 1000, PRINT_EVERY=100) 118 | print("test 2 result:", t2) 119 | assert abs(t2) <= 1e-6 120 | 121 | t3 = sgd(quad, -1.5, 0.01, 1000, PRINT_EVERY=100) 122 | print("test 3 result:", t3) 123 | assert abs(t3) <= 1e-6 124 | 125 | print("-" * 40) 126 | print("ALL TESTS PASSED") 127 | print("-" * 40) 128 | 129 | 130 | if __name__ == "__main__": 131 | sanity_check() 132 | -------------------------------------------------------------------------------- /assignments/hw2/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /assignments/hw2/utils/datasets/stanfordSentimentTreebank/README.txt: -------------------------------------------------------------------------------- 1 | Stanford Sentiment Treebank V1.0 2 | 3 | This is the dataset of the paper: 4 | 5 | Recursive Deep Models for Semantic Compositionality Over a Sentiment Treebank 6 | Richard Socher, Alex Perelygin, Jean Wu, Jason Chuang, Christopher Manning, Andrew Ng and Christopher Potts 7 | Conference on Empirical Methods in Natural Language Processing (EMNLP 2013) 8 | 9 | If you use this dataset in your research, please cite the above paper. 10 | 11 | @incollection{SocherEtAl2013:RNTN, 12 | title = {{Parsing With Compositional Vector Grammars}}, 13 | author = {Richard Socher and Alex Perelygin and Jean Wu and Jason Chuang and Christopher Manning and Andrew Ng and Christopher Potts}, 14 | booktitle = {{EMNLP}}, 15 | year = {2013} 16 | } 17 | 18 | This file includes: 19 | 1. original_rt_snippets.txt contains 10,605 processed snippets from the original pool of Rotten Tomatoes HTML files. Please note that some snippet may contain multiple sentences. 20 | 21 | 2. dictionary.txt contains all phrases and their IDs, separated by a vertical line | 22 | 23 | 3. sentiment_labels.txt contains all phrase ids and the corresponding sentiment labels, separated by a vertical line. 24 | Note that you can recover the 5 classes by mapping the positivity probability using the following cut-offs: 25 | [0, 0.2], (0.2, 0.4], (0.4, 0.6], (0.6, 0.8], (0.8, 1.0] 26 | for very negative, negative, neutral, positive, very positive, respectively. 27 | Please note that phrase ids and sentence ids are not the same. 28 | 29 | 4. SOStr.txt and STree.txt encode the structure of the parse trees. 30 | STree encodes the trees in a parent pointer format. Each line corresponds to each sentence in the datasetSentences.txt file. The Matlab code of this paper will show you how to read this format if you are not familiar with it. 31 | 32 | 5. datasetSentences.txt contains the sentence index, followed by the sentence string separated by a tab. These are the sentences of the train/dev/test sets. 33 | 34 | 6. datasetSplit.txt contains the sentence index (corresponding to the index in datasetSentences.txt file) followed by the set label separated by a comma: 35 | 1 = train 36 | 2 = test 37 | 3 = dev 38 | 39 | Please note that the datasetSentences.txt file has more sentences/lines than the original_rt_snippet.txt. 40 | Each row in the latter represents a snippet as shown on RT, whereas the former is each sub sentence as determined by the Stanford parser. 41 | 42 | For comparing research and training models, please use the provided train/dev/test splits. 43 | 44 | -------------------------------------------------------------------------------- /assignments/hw2/utils/datasets/stanfordSentimentTreebank/datasetSplit.txt: -------------------------------------------------------------------------------- 1 | sentence_index,splitset_label 2 | 1,1 3 | 2,1 4 | 3,2 5 | 4,2 6 | 5,2 7 | 6,2 8 | 7,2 9 | 8,2 10 | 9,2 11 | 10,2 12 | 11,2 13 | 12,2 14 | 13,2 15 | 14,2 16 | 15,2 17 | 16,2 18 | 17,2 19 | 18,2 20 | 19,2 21 | 20,2 22 | 21,2 23 | 22,2 24 | 23,2 25 | 24,2 26 | 25,2 27 | 26,2 28 | 27,2 29 | 28,2 30 | 29,2 31 | 30,2 32 | 31,2 33 | 32,2 34 | 33,2 35 | 34,2 36 | 35,2 37 | 36,2 38 | 37,2 39 | 38,2 40 | 39,2 41 | 40,2 42 | 41,2 43 | 42,2 44 | 43,2 45 | 44,2 46 | 45,2 47 | 46,2 48 | 47,2 49 | 48,2 50 | 49,2 51 | 50,2 52 | 51,2 53 | 52,2 54 | 53,2 55 | 54,2 56 | 55,2 57 | 56,2 58 | 57,2 59 | 58,2 60 | 59,2 61 | 60,2 62 | 61,1 63 | 62,1 64 | 63,1 65 | 64,1 66 | 65,2 67 | 66,2 68 | 67,2 69 | 68,1 70 | 69,2 71 | 70,2 72 | 71,2 73 | 72,1 74 | 73,2 75 | 74,2 76 | 75,2 77 | 76,2 78 | 77,2 79 | 78,2 80 | 79,2 81 | 80,2 82 | 81,2 83 | 82,1 84 | 83,2 85 | 84,2 86 | 85,2 87 | 86,2 88 | 87,2 89 | 88,2 90 | 89,2 91 | 90,2 92 | 91,2 93 | 92,2 94 | 93,2 95 | 94,2 96 | 95,2 97 | 96,2 98 | 97,2 99 | 98,2 100 | 99,2 101 | 100,2 102 | 101,2 103 | 102,2 104 | 103,2 105 | 104,2 106 | 105,2 107 | 106,2 108 | 107,2 109 | 108,2 110 | 109,2 111 | 110,2 112 | 111,2 113 | 112,2 114 | 113,2 115 | 114,2 116 | 115,2 117 | 116,2 118 | 117,2 119 | 118,2 120 | 119,2 121 | 120,2 122 | 121,2 123 | 122,2 124 | 123,2 125 | 124,2 126 | 125,2 127 | 126,2 128 | 127,2 129 | 128,2 130 | 129,2 131 | 130,2 132 | 131,1 133 | 132,1 134 | 133,1 135 | 134,1 136 | 135,1 137 | 136,1 138 | 137,2 139 | 138,2 140 | 139,2 141 | 140,2 142 | 141,2 143 | 142,2 144 | 143,2 145 | 144,2 146 | 145,2 147 | 146,2 148 | 147,2 149 | 148,2 150 | 149,2 151 | 150,2 152 | 151,2 153 | 152,2 154 | 153,2 155 | 154,2 156 | 155,2 157 | 156,2 158 | 157,2 159 | 158,2 160 | 159,2 161 | 160,2 162 | 161,2 163 | 162,2 164 | 163,2 165 | 164,2 166 | 165,2 167 | 166,2 168 | 167,2 169 | 168,2 170 | 169,2 171 | 170,2 172 | 171,2 173 | 172,2 174 | 173,2 175 | 174,2 176 | 175,2 177 | 176,2 178 | 177,2 179 | 178,2 180 | 179,2 181 | 180,2 182 | 181,2 183 | 182,2 184 | 183,2 185 | 184,2 186 | 185,2 187 | 186,2 188 | 187,2 189 | 188,2 190 | 189,2 191 | 190,2 192 | 191,2 193 | 192,2 194 | 193,2 195 | 194,2 196 | 195,2 197 | 196,2 198 | 197,2 199 | 198,2 200 | 199,2 201 | 200,2 202 | 201,2 203 | 202,2 204 | 203,2 205 | 204,2 206 | 205,2 207 | 206,2 208 | 207,2 209 | 208,2 210 | 209,2 211 | 210,2 212 | 211,2 213 | 212,2 214 | 213,2 215 | 214,1 216 | 215,2 217 | 216,2 218 | 217,2 219 | 218,2 220 | 219,2 221 | 220,2 222 | 221,2 223 | 222,2 224 | 223,2 225 | 224,2 226 | 225,2 227 | 226,2 228 | 227,2 229 | 228,1 230 | 229,2 231 | 230,2 232 | 231,2 233 | 232,2 234 | 233,2 235 | 234,2 236 | 235,2 237 | 236,2 238 | 237,2 239 | 238,2 240 | 239,2 241 | 240,2 242 | 241,2 243 | 242,2 244 | 243,2 245 | 244,2 246 | 245,2 247 | 246,2 248 | 247,2 249 | 248,2 250 | 249,2 251 | 250,2 252 | 251,2 253 | 252,2 254 | 253,2 255 | 254,2 256 | 255,2 257 | 256,2 258 | 257,2 259 | 258,2 260 | 259,2 261 | 260,2 262 | 261,2 263 | 262,2 264 | 263,2 265 | 264,2 266 | 265,2 267 | 266,2 268 | 267,2 269 | 268,2 270 | 269,2 271 | 270,2 272 | 271,2 273 | 272,2 274 | 273,2 275 | 274,2 276 | 275,2 277 | 276,2 278 | 277,2 279 | 278,2 280 | 279,2 281 | 280,2 282 | 281,2 283 | 282,2 284 | 283,2 285 | 284,2 286 | 285,2 287 | 286,2 288 | 287,2 289 | 288,2 290 | 289,2 291 | 290,2 292 | 291,2 293 | 292,2 294 | 293,2 295 | 294,2 296 | 295,2 297 | 296,2 298 | 297,2 299 | 298,2 300 | 299,2 301 | 300,2 302 | 301,2 303 | 302,2 304 | 303,2 305 | 304,2 306 | 305,2 307 | 306,2 308 | 307,2 309 | 308,2 310 | 309,2 311 | 310,2 312 | 311,2 313 | 312,2 314 | 313,2 315 | 314,2 316 | 315,2 317 | 316,2 318 | 317,2 319 | 318,2 320 | 319,2 321 | 320,2 322 | 321,2 323 | 322,2 324 | 323,2 325 | 324,2 326 | 325,2 327 | 326,2 328 | 327,2 329 | 328,2 330 | 329,2 331 | 330,2 332 | 331,2 333 | 332,2 334 | 333,2 335 | 334,2 336 | 335,2 337 | 336,2 338 | 337,2 339 | 338,2 340 | 339,2 341 | 340,1 342 | 341,2 343 | 342,2 344 | 343,2 345 | 344,2 346 | 345,2 347 | 346,2 348 | 347,2 349 | 348,2 350 | 349,2 351 | 350,2 352 | 351,2 353 | 352,2 354 | 353,2 355 | 354,2 356 | 355,2 357 | 356,2 358 | 357,2 359 | 358,2 360 | 359,2 361 | 360,2 362 | 361,2 363 | 362,2 364 | 363,2 365 | 364,2 366 | 365,2 367 | 366,2 368 | 367,2 369 | 368,2 370 | 369,2 371 | 370,2 372 | 371,2 373 | 372,2 374 | 373,2 375 | 374,2 376 | 375,2 377 | 376,2 378 | 377,2 379 | 378,2 380 | 379,2 381 | 380,2 382 | 381,2 383 | 382,2 384 | 383,1 385 | 384,2 386 | 385,2 387 | 386,2 388 | 387,1 389 | 388,1 390 | 389,2 391 | 390,2 392 | 391,2 393 | 392,2 394 | 393,2 395 | 394,2 396 | 395,2 397 | 396,2 398 | 397,2 399 | 398,2 400 | 399,2 401 | 400,2 402 | 401,2 403 | 402,2 404 | 403,2 405 | 404,2 406 | 405,2 407 | 406,2 408 | 407,2 409 | 408,2 410 | 409,2 411 | 410,2 412 | 411,2 413 | 412,2 414 | 413,2 415 | 414,2 416 | 415,2 417 | 416,2 418 | 417,2 419 | 418,2 420 | 419,2 421 | 420,2 422 | 421,2 423 | 422,2 424 | 423,2 425 | 424,2 426 | 425,2 427 | 426,2 428 | 427,2 429 | 428,1 430 | 429,1 431 | 430,2 432 | 431,2 433 | 432,2 434 | 433,2 435 | 434,2 436 | 435,2 437 | 436,2 438 | 437,2 439 | 438,2 440 | 439,2 441 | 440,2 442 | 441,2 443 | 442,2 444 | 443,2 445 | 444,2 446 | 445,2 447 | 446,1 448 | 447,2 449 | 448,2 450 | 449,2 451 | 450,2 452 | 451,2 453 | 452,2 454 | 453,2 455 | 454,2 456 | 455,2 457 | 456,2 458 | 457,2 459 | 458,2 460 | 459,2 461 | 460,2 462 | 461,2 463 | 462,2 464 | 463,2 465 | 464,2 466 | 465,2 467 | 466,2 468 | 467,1 469 | 468,1 470 | 469,2 471 | 470,2 472 | 471,2 473 | 472,2 474 | 473,1 475 | 474,1 476 | 475,2 477 | 476,2 478 | 477,2 479 | 478,2 480 | 479,2 481 | 480,2 482 | 481,2 483 | 482,2 484 | 483,2 485 | 484,2 486 | 485,2 487 | 486,1 488 | 487,1 489 | 488,1 490 | 489,2 491 | 490,2 492 | 491,2 493 | 492,2 494 | 493,2 495 | 494,2 496 | 495,2 497 | 496,2 498 | 497,2 499 | 498,2 500 | 499,2 501 | 500,2 502 | 501,2 503 | 502,2 504 | 503,2 505 | 504,2 506 | 505,2 507 | 506,2 508 | 507,2 509 | 508,2 510 | 509,2 511 | 510,2 512 | 511,2 513 | 512,2 514 | 513,2 515 | 514,1 516 | 515,2 517 | 516,2 518 | 517,2 519 | 518,2 520 | 519,2 521 | 520,2 522 | 521,2 523 | 522,2 524 | 523,2 525 | 524,2 526 | 525,2 527 | 526,2 528 | 527,2 529 | 528,2 530 | 529,2 531 | 530,2 532 | 531,2 533 | 532,2 534 | 533,2 535 | 534,2 536 | 535,2 537 | 536,2 538 | 537,2 539 | 538,2 540 | 539,2 541 | 540,2 542 | 541,2 543 | 542,2 544 | 543,2 545 | 544,2 546 | 545,2 547 | 546,2 548 | 547,2 549 | 548,2 550 | 549,2 551 | 550,2 552 | 551,2 553 | 552,2 554 | 553,2 555 | 554,2 556 | 555,2 557 | 556,2 558 | 557,2 559 | 558,2 560 | 559,2 561 | 560,2 562 | 561,2 563 | 562,2 564 | 563,2 565 | 564,2 566 | 565,2 567 | 566,2 568 | 567,2 569 | 568,2 570 | 569,2 571 | 570,2 572 | 571,2 573 | 572,2 574 | 573,2 575 | 574,2 576 | 575,2 577 | 576,2 578 | 577,2 579 | 578,2 580 | 579,2 581 | 580,2 582 | 581,2 583 | 582,2 584 | 583,2 585 | 584,1 586 | 585,2 587 | 586,2 588 | 587,2 589 | 588,2 590 | 589,2 591 | 590,2 592 | 591,2 593 | 592,2 594 | 593,2 595 | 594,2 596 | 595,2 597 | 596,2 598 | 597,2 599 | 598,2 600 | 599,2 601 | 600,2 602 | 601,2 603 | 602,2 604 | 603,2 605 | 604,2 606 | 605,2 607 | 606,2 608 | 607,2 609 | 608,2 610 | 609,2 611 | 610,2 612 | 611,2 613 | 612,2 614 | 613,2 615 | 614,2 616 | 615,2 617 | 616,2 618 | 617,2 619 | 618,2 620 | 619,2 621 | 620,2 622 | 621,2 623 | 622,2 624 | 623,2 625 | 624,2 626 | 625,2 627 | 626,2 628 | 627,2 629 | 628,2 630 | 629,2 631 | 630,2 632 | 631,2 633 | 632,2 634 | 633,2 635 | 634,2 636 | 635,2 637 | 636,2 638 | 637,2 639 | 638,2 640 | 639,2 641 | 640,2 642 | 641,2 643 | 642,2 644 | 643,2 645 | 644,2 646 | 645,2 647 | 646,2 648 | 647,2 649 | 648,2 650 | 649,2 651 | 650,2 652 | 651,2 653 | 652,2 654 | 653,2 655 | 654,2 656 | 655,2 657 | 656,2 658 | 657,2 659 | 658,2 660 | 659,2 661 | 660,2 662 | 661,2 663 | 662,2 664 | 663,2 665 | 664,2 666 | 665,2 667 | 666,2 668 | 667,2 669 | 668,2 670 | 669,2 671 | 670,1 672 | 671,2 673 | 672,2 674 | 673,2 675 | 674,2 676 | 675,2 677 | 676,2 678 | 677,2 679 | 678,2 680 | 679,2 681 | 680,2 682 | 681,2 683 | 682,2 684 | 683,2 685 | 684,2 686 | 685,2 687 | 686,2 688 | 687,2 689 | 688,2 690 | 689,2 691 | 690,2 692 | 691,2 693 | 692,1 694 | 693,2 695 | 694,2 696 | 695,2 697 | 696,2 698 | 697,2 699 | 698,2 700 | 699,2 701 | 700,2 702 | 701,2 703 | 702,1 704 | 703,1 705 | 704,1 706 | 705,1 707 | 706,2 708 | 707,2 709 | 708,2 710 | 709,2 711 | 710,2 712 | 711,2 713 | 712,2 714 | 713,2 715 | 714,2 716 | 715,2 717 | 716,2 718 | 717,2 719 | 718,2 720 | 719,2 721 | 720,2 722 | 721,2 723 | 722,2 724 | 723,2 725 | 724,2 726 | 725,2 727 | 726,2 728 | 727,2 729 | 728,2 730 | 729,2 731 | 730,2 732 | 731,2 733 | 732,2 734 | 733,2 735 | 734,2 736 | 735,2 737 | 736,2 738 | 737,2 739 | 738,2 740 | 739,2 741 | 740,2 742 | 741,2 743 | 742,1 744 | 743,2 745 | 744,2 746 | 745,2 747 | 746,2 748 | 747,2 749 | 748,1 750 | 749,1 751 | 750,2 752 | 751,2 753 | 752,2 754 | 753,2 755 | 754,2 756 | 755,2 757 | 756,2 758 | 757,2 759 | 758,2 760 | 759,2 761 | 760,2 762 | 761,2 763 | 762,2 764 | 763,2 765 | 764,2 766 | 765,2 767 | 766,2 768 | 767,2 769 | 768,2 770 | 769,2 771 | 770,2 772 | 771,2 773 | 772,2 774 | 773,2 775 | 774,2 776 | 775,2 777 | 776,2 778 | 777,2 779 | 778,2 780 | 779,2 781 | 780,2 782 | 781,2 783 | 782,2 784 | 783,2 785 | 784,2 786 | 785,2 787 | 786,2 788 | 787,2 789 | 788,2 790 | 789,2 791 | 790,2 792 | 791,2 793 | 792,2 794 | 793,2 795 | 794,2 796 | 795,2 797 | 796,2 798 | 797,2 799 | 798,2 800 | 799,2 801 | 800,2 802 | 801,2 803 | 802,2 804 | 803,2 805 | 804,2 806 | 805,2 807 | 806,2 808 | 807,2 809 | 808,2 810 | 809,2 811 | 810,2 812 | 811,2 813 | 812,2 814 | 813,2 815 | 814,2 816 | 815,2 817 | 816,2 818 | 817,2 819 | 818,2 820 | 819,2 821 | 820,2 822 | 821,2 823 | 822,2 824 | 823,2 825 | 824,2 826 | 825,2 827 | 826,2 828 | 827,2 829 | 828,2 830 | 829,2 831 | 830,2 832 | 831,2 833 | 832,2 834 | 833,2 835 | 834,2 836 | 835,2 837 | 836,2 838 | 837,2 839 | 838,2 840 | 839,2 841 | 840,1 842 | 841,2 843 | 842,2 844 | 843,2 845 | 844,2 846 | 845,2 847 | 846,2 848 | 847,2 849 | 848,2 850 | 849,2 851 | 850,2 852 | 851,2 853 | 852,2 854 | 853,2 855 | 854,2 856 | 855,2 857 | 856,2 858 | 857,2 859 | 858,2 860 | 859,2 861 | 860,2 862 | 861,2 863 | 862,2 864 | 863,2 865 | 864,2 866 | 865,2 867 | 866,2 868 | 867,2 869 | 868,2 870 | 869,2 871 | 870,2 872 | 871,2 873 | 872,2 874 | 873,2 875 | 874,2 876 | 875,2 877 | 876,2 878 | 877,2 879 | 878,2 880 | 879,2 881 | 880,2 882 | 881,2 883 | 882,2 884 | 883,2 885 | 884,2 886 | 885,2 887 | 886,2 888 | 887,2 889 | 888,2 890 | 889,2 891 | 890,2 892 | 891,2 893 | 892,2 894 | 893,1 895 | 894,1 896 | 895,2 897 | 896,1 898 | 897,1 899 | 898,2 900 | 899,2 901 | 900,2 902 | 901,2 903 | 902,2 904 | 903,2 905 | 904,2 906 | 905,2 907 | 906,2 908 | 907,2 909 | 908,2 910 | 909,2 911 | 910,2 912 | 911,2 913 | 912,2 914 | 913,2 915 | 914,2 916 | 915,2 917 | 916,2 918 | 917,2 919 | 918,2 920 | 919,2 921 | 920,2 922 | 921,2 923 | 922,2 924 | 923,2 925 | 924,2 926 | 925,2 927 | 926,2 928 | 927,2 929 | 928,2 930 | 929,2 931 | 930,2 932 | 931,2 933 | 932,2 934 | 933,2 935 | 934,2 936 | 935,2 937 | 936,2 938 | 937,2 939 | 938,2 940 | 939,2 941 | 940,2 942 | 941,2 943 | 942,2 944 | 943,2 945 | 944,2 946 | 945,2 947 | 946,2 948 | 947,2 949 | 948,2 950 | 949,2 951 | 950,2 952 | 951,2 953 | 952,2 954 | 953,2 955 | 954,2 956 | 955,2 957 | 956,2 958 | 957,2 959 | 958,2 960 | 959,2 961 | 960,2 962 | 961,2 963 | 962,2 964 | 963,2 965 | 964,2 966 | 965,2 967 | 966,2 968 | 967,2 969 | 968,2 970 | 969,2 971 | 970,2 972 | 971,2 973 | 972,2 974 | 973,2 975 | 974,2 976 | 975,2 977 | 976,2 978 | 977,2 979 | 978,2 980 | 979,2 981 | 980,2 982 | 981,2 983 | 982,2 984 | 983,2 985 | 984,2 986 | 985,2 987 | 986,2 988 | 987,2 989 | 988,2 990 | 989,2 991 | 990,2 992 | 991,2 993 | 992,2 994 | 993,2 995 | 994,2 996 | 995,2 997 | 996,2 998 | 997,2 999 | 998,2 1000 | 999,2 1001 | 1000,2 1002 | 1001,2 1003 | 1002,2 1004 | 1003,2 1005 | 1004,2 1006 | 1005,2 1007 | 1006,2 1008 | 1007,2 1009 | 1008,2 1010 | 1009,2 1011 | 1010,2 1012 | 1011,2 1013 | 1012,2 1014 | 1013,2 1015 | 1014,2 1016 | 1015,2 1017 | 1016,2 1018 | 1017,2 1019 | 1018,2 1020 | 1019,2 1021 | 1020,2 1022 | 1021,2 1023 | 1022,2 1024 | 1023,2 1025 | 1024,2 1026 | 1025,2 1027 | 1026,2 1028 | 1027,2 1029 | 1028,2 1030 | 1029,2 1031 | 1030,2 1032 | 1031,2 1033 | 1032,2 1034 | 1033,2 1035 | 1034,2 1036 | 1035,2 1037 | 1036,2 1038 | 1037,2 1039 | 1038,2 1040 | 1039,2 1041 | 1040,2 1042 | 1041,2 1043 | 1042,2 1044 | 1043,2 1045 | 1044,2 1046 | 1045,2 1047 | 1046,2 1048 | 1047,2 1049 | 1048,2 1050 | 1049,2 1051 | 1050,2 1052 | 1051,2 1053 | 1052,2 1054 | 1053,2 1055 | 1054,2 1056 | 1055,2 1057 | 1056,2 1058 | 1057,2 1059 | 1058,2 1060 | 1059,2 1061 | 1060,2 1062 | 1061,2 1063 | 1062,2 1064 | 1063,2 1065 | 1064,2 1066 | 1065,2 1067 | 1066,2 1068 | 1067,2 1069 | 1068,2 1070 | 1069,2 1071 | 1070,2 1072 | 1071,2 1073 | 1072,2 1074 | 1073,2 1075 | 1074,2 1076 | 1075,2 1077 | 1076,2 1078 | 1077,2 1079 | 1078,2 1080 | 1079,2 1081 | 1080,2 1082 | 1081,2 1083 | 1082,2 1084 | 1083,2 1085 | 1084,2 1086 | 1085,2 1087 | 1086,2 1088 | 1087,2 1089 | 1088,2 1090 | 1089,2 1091 | 1090,2 1092 | 1091,2 1093 | 1092,2 1094 | 1093,2 1095 | 1094,2 1096 | 1095,2 1097 | 1096,2 1098 | 1097,2 1099 | 1098,2 1100 | 1099,2 1101 | 1100,2 1102 | 1101,2 1103 | 1102,2 1104 | 1103,2 1105 | 1104,2 1106 | 1105,2 1107 | 1106,2 1108 | 1107,2 1109 | 1108,2 1110 | 1109,2 1111 | 1110,2 1112 | 1111,2 1113 | 1112,1 1114 | 1113,2 1115 | 1114,2 1116 | 1115,2 1117 | 1116,2 1118 | 1117,3 1119 | 1118,3 1120 | 1119,3 1121 | 1120,3 1122 | 1121,3 1123 | 1122,3 1124 | 1123,3 1125 | 1124,3 1126 | 1125,3 1127 | 1126,3 1128 | 1127,3 1129 | 1128,3 1130 | 1129,3 1131 | 1130,3 1132 | 1131,3 1133 | 1132,3 1134 | 1133,3 1135 | 1134,3 1136 | 1135,3 1137 | 1136,3 1138 | 1137,3 1139 | 1138,3 1140 | 1139,3 1141 | 1140,3 1142 | 1141,3 1143 | 1142,3 1144 | 1143,3 1145 | 1144,3 1146 | 1145,3 1147 | 1146,3 1148 | 1147,3 1149 | 1148,3 1150 | 1149,3 1151 | 1150,3 1152 | 1151,3 1153 | 1152,3 1154 | 1153,1 1155 | 1154,1 1156 | 1155,3 1157 | 1156,3 1158 | 1157,3 1159 | 1158,3 1160 | 1159,3 1161 | 1160,3 1162 | 1161,3 1163 | 1162,3 1164 | 1163,3 1165 | 1164,3 1166 | 1165,3 1167 | 1166,3 1168 | 1167,3 1169 | 1168,3 1170 | 1169,3 1171 | 1170,3 1172 | 1171,3 1173 | 1172,3 1174 | 1173,3 1175 | 1174,3 1176 | 1175,3 1177 | 1176,3 1178 | 1177,3 1179 | 1178,3 1180 | 1179,3 1181 | 1180,3 1182 | 1181,3 1183 | 1182,3 1184 | 1183,3 1185 | 1184,3 1186 | 1185,3 1187 | 1186,3 1188 | 1187,3 1189 | 1188,3 1190 | 1189,3 1191 | 1190,3 1192 | 1191,3 1193 | 1192,3 1194 | 1193,3 1195 | 1194,3 1196 | 1195,3 1197 | 1196,3 1198 | 1197,3 1199 | 1198,3 1200 | 1199,3 1201 | 1200,3 1202 | 1201,3 1203 | 1202,3 1204 | 1203,3 1205 | 1204,3 1206 | 1205,3 1207 | 1206,3 1208 | 1207,3 1209 | 1208,3 1210 | 1209,3 1211 | 1210,3 1212 | 1211,3 1213 | 1212,3 1214 | 1213,3 1215 | 1214,3 1216 | 1215,1 1217 | 1216,3 1218 | 1217,3 1219 | 1218,3 1220 | 1219,3 1221 | 1220,3 1222 | 1221,3 1223 | 1222,3 1224 | 1223,3 1225 | 1224,3 1226 | 1225,3 1227 | 1226,3 1228 | 1227,3 1229 | 1228,3 1230 | 1229,3 1231 | 1230,3 1232 | 1231,3 1233 | 1232,3 1234 | 1233,3 1235 | 1234,3 1236 | 1235,3 1237 | 1236,3 1238 | 1237,3 1239 | 1238,3 1240 | 1239,3 1241 | 1240,3 1242 | 1241,1 1243 | 1242,3 1244 | 1243,3 1245 | 1244,3 1246 | 1245,3 1247 | 1246,3 1248 | 1247,3 1249 | 1248,3 1250 | 1249,3 1251 | 1250,3 1252 | 1251,3 1253 | 1252,3 1254 | 1253,3 1255 | 1254,3 1256 | 1255,3 1257 | 1256,1 1258 | 1257,3 1259 | 1258,3 1260 | 1259,3 1261 | 1260,3 1262 | 1261,3 1263 | 1262,3 1264 | 1263,3 1265 | 1264,3 1266 | 1265,3 1267 | 1266,3 1268 | 1267,3 1269 | 1268,3 1270 | 1269,3 1271 | 1270,3 1272 | 1271,3 1273 | 1272,3 1274 | 1273,3 1275 | 1274,1 1276 | 1275,3 1277 | 1276,3 1278 | 1277,3 1279 | 1278,3 1280 | 1279,3 1281 | 1280,3 1282 | 1281,3 1283 | 1282,3 1284 | 1283,3 1285 | 1284,3 1286 | 1285,3 1287 | 1286,3 1288 | 1287,3 1289 | 1288,3 1290 | 1289,3 1291 | 1290,3 1292 | 1291,3 1293 | 1292,3 1294 | 1293,3 1295 | 1294,3 1296 | 1295,3 1297 | 1296,3 1298 | 1297,3 1299 | 1298,3 1300 | 1299,3 1301 | 1300,3 1302 | 1301,3 1303 | 1302,3 1304 | 1303,3 1305 | 1304,3 1306 | 1305,3 1307 | 1306,3 1308 | 1307,3 1309 | 1308,3 1310 | 1309,3 1311 | 1310,3 1312 | 1311,3 1313 | 1312,3 1314 | 1313,3 1315 | 1314,3 1316 | 1315,3 1317 | 1316,3 1318 | 1317,3 1319 | 1318,3 1320 | 1319,3 1321 | 1320,3 1322 | 1321,3 1323 | 1322,3 1324 | 1323,3 1325 | 1324,3 1326 | 1325,3 1327 | 1326,3 1328 | 1327,3 1329 | 1328,3 1330 | 1329,3 1331 | 1330,3 1332 | 1331,3 1333 | 1332,3 1334 | 1333,3 1335 | 1334,3 1336 | 1335,3 1337 | 1336,3 1338 | 1337,3 1339 | 1338,3 1340 | 1339,3 1341 | 1340,3 1342 | 1341,3 1343 | 1342,3 1344 | 1343,3 1345 | 1344,3 1346 | 1345,3 1347 | 1346,3 1348 | 1347,3 1349 | 1348,3 1350 | 1349,3 1351 | 1350,3 1352 | 1351,3 1353 | 1352,3 1354 | 1353,3 1355 | 1354,3 1356 | 1355,3 1357 | 1356,3 1358 | 1357,3 1359 | 1358,3 1360 | 1359,3 1361 | 1360,3 1362 | 1361,3 1363 | 1362,3 1364 | 1363,3 1365 | 1364,3 1366 | 1365,3 1367 | 1366,3 1368 | 1367,3 1369 | 1368,3 1370 | 1369,3 1371 | 1370,3 1372 | 1371,3 1373 | 1372,3 1374 | 1373,3 1375 | 1374,3 1376 | 1375,3 1377 | 1376,3 1378 | 1377,3 1379 | 1378,3 1380 | 1379,3 1381 | 1380,3 1382 | 1381,3 1383 | 1382,3 1384 | 1383,3 1385 | 1384,3 1386 | 1385,3 1387 | 1386,3 1388 | 1387,3 1389 | 1388,3 1390 | 1389,3 1391 | 1390,3 1392 | 1391,3 1393 | 1392,3 1394 | 1393,3 1395 | 1394,3 1396 | 1395,3 1397 | 1396,3 1398 | 1397,3 1399 | 1398,3 1400 | 1399,3 1401 | 1400,3 1402 | 1401,3 1403 | 1402,3 1404 | 1403,3 1405 | 1404,3 1406 | 1405,3 1407 | 1406,3 1408 | 1407,3 1409 | 1408,3 1410 | 1409,3 1411 | 1410,3 1412 | 1411,3 1413 | 1412,3 1414 | 1413,3 1415 | 1414,3 1416 | 1415,3 1417 | 1416,3 1418 | 1417,3 1419 | 1418,3 1420 | 1419,3 1421 | 1420,3 1422 | 1421,3 1423 | 1422,3 1424 | 1423,3 1425 | 1424,3 1426 | 1425,3 1427 | 1426,3 1428 | 1427,3 1429 | 1428,3 1430 | 1429,3 1431 | 1430,3 1432 | 1431,3 1433 | 1432,3 1434 | 1433,3 1435 | 1434,3 1436 | 1435,3 1437 | 1436,3 1438 | 1437,3 1439 | 1438,3 1440 | 1439,3 1441 | 1440,3 1442 | 1441,3 1443 | 1442,3 1444 | 1443,3 1445 | 1444,3 1446 | 1445,3 1447 | 1446,3 1448 | 1447,3 1449 | 1448,3 1450 | 1449,3 1451 | 1450,3 1452 | 1451,3 1453 | 1452,3 1454 | 1453,3 1455 | 1454,3 1456 | 1455,3 1457 | 1456,3 1458 | 1457,3 1459 | 1458,3 1460 | 1459,3 1461 | 1460,3 1462 | 1461,3 1463 | 1462,3 1464 | 1463,3 1465 | 1464,3 1466 | 1465,3 1467 | 1466,3 1468 | 1467,3 1469 | 1468,3 1470 | 1469,3 1471 | 1470,3 1472 | 1471,3 1473 | 1472,3 1474 | 1473,3 1475 | 1474,3 1476 | 1475,3 1477 | 1476,3 1478 | 1477,3 1479 | 1478,3 1480 | 1479,3 1481 | 1480,3 1482 | 1481,3 1483 | 1482,1 1484 | 1483,3 1485 | 1484,3 1486 | 1485,3 1487 | 1486,3 1488 | 1487,3 1489 | 1488,3 1490 | 1489,1 1491 | 1490,3 1492 | 1491,3 1493 | 1492,3 1494 | 1493,3 1495 | 1494,3 1496 | 1495,3 1497 | 1496,3 1498 | 1497,3 1499 | 1498,3 1500 | 1499,3 1501 | 1500,3 1502 | 1501,3 1503 | 1502,3 1504 | 1503,3 1505 | 1504,3 1506 | 1505,3 1507 | 1506,3 1508 | 1507,3 1509 | 1508,3 1510 | 1509,3 1511 | 1510,3 1512 | 1511,3 1513 | 1512,3 1514 | 1513,3 1515 | 1514,3 1516 | 1515,3 1517 | 1516,3 1518 | 1517,3 1519 | 1518,3 1520 | 1519,3 1521 | 1520,3 1522 | 1521,3 1523 | 1522,3 1524 | 1523,3 1525 | 1524,3 1526 | 1525,3 1527 | 1526,3 1528 | 1527,3 1529 | 1528,3 1530 | 1529,3 1531 | 1530,3 1532 | 1531,3 1533 | 1532,3 1534 | 1533,3 1535 | 1534,3 1536 | 1535,3 1537 | 1536,3 1538 | 1537,3 1539 | 1538,3 1540 | 1539,3 1541 | 1540,3 1542 | 1541,3 1543 | 1542,3 1544 | 1543,3 1545 | 1544,3 1546 | 1545,3 1547 | 1546,3 1548 | 1547,3 1549 | 1548,3 1550 | 1549,3 1551 | 1550,3 1552 | 1551,3 1553 | 1552,3 1554 | 1553,3 1555 | 1554,3 1556 | 1555,3 1557 | 1556,3 1558 | 1557,3 1559 | 1558,3 1560 | 1559,3 1561 | 1560,3 1562 | 1561,3 1563 | 1562,3 1564 | 1563,3 1565 | 1564,3 1566 | 1565,3 1567 | 1566,3 1568 | 1567,3 1569 | 1568,3 1570 | 1569,3 1571 | 1570,3 1572 | 1571,3 1573 | 1572,3 1574 | 1573,3 1575 | 1574,3 1576 | 1575,3 1577 | 1576,3 1578 | 1577,3 1579 | 1578,3 1580 | 1579,3 1581 | 1580,3 1582 | 1581,3 1583 | 1582,3 1584 | 1583,3 1585 | 1584,3 1586 | 1585,3 1587 | 1586,3 1588 | 1587,3 1589 | 1588,1 1590 | 1589,3 1591 | 1590,3 1592 | 1591,3 1593 | 1592,3 1594 | 1593,3 1595 | 1594,3 1596 | 1595,3 1597 | 1596,3 1598 | 1597,3 1599 | 1598,3 1600 | 1599,3 1601 | 1600,3 1602 | 1601,3 1603 | 1602,3 1604 | 1603,3 1605 | 1604,3 1606 | 1605,3 1607 | 1606,3 1608 | 1607,3 1609 | 1608,3 1610 | 1609,3 1611 | 1610,3 1612 | 1611,3 1613 | 1612,3 1614 | 1613,3 1615 | 1614,3 1616 | 1615,3 1617 | 1616,3 1618 | 1617,3 1619 | 1618,3 1620 | 1619,3 1621 | 1620,3 1622 | 1621,3 1623 | 1622,3 1624 | 1623,3 1625 | 1624,3 1626 | 1625,3 1627 | 1626,3 1628 | 1627,3 1629 | 1628,3 1630 | 1629,3 1631 | 1630,3 1632 | 1631,3 1633 | 1632,3 1634 | 1633,3 1635 | 1634,3 1636 | 1635,3 1637 | 1636,3 1638 | 1637,3 1639 | 1638,3 1640 | 1639,3 1641 | 1640,3 1642 | 1641,3 1643 | 1642,3 1644 | 1643,3 1645 | 1644,3 1646 | 1645,3 1647 | 1646,3 1648 | 1647,3 1649 | 1648,3 1650 | 1649,3 1651 | 1650,3 1652 | 1651,3 1653 | 1652,3 1654 | 1653,3 1655 | 1654,3 1656 | 1655,3 1657 | 1656,3 1658 | 1657,3 1659 | 1658,3 1660 | 1659,3 1661 | 1660,3 1662 | 1661,3 1663 | 1662,3 1664 | 1663,3 1665 | 1664,3 1666 | 1665,3 1667 | 1666,3 1668 | 1667,3 1669 | 1668,3 1670 | 1669,3 1671 | 1670,3 1672 | 1671,1 1673 | 1672,1 1674 | 1673,1 1675 | 1674,1 1676 | 1675,1 1677 | 1676,1 1678 | 1677,1 1679 | 1678,1 1680 | 1679,1 1681 | 1680,1 1682 | 1681,1 1683 | 1682,1 1684 | 1683,1 1685 | 1684,1 1686 | 1685,1 1687 | 1686,1 1688 | 1687,1 1689 | 1688,1 1690 | 1689,1 1691 | 1690,1 1692 | 1691,1 1693 | 1692,1 1694 | 1693,1 1695 | 1694,1 1696 | 1695,1 1697 | 1696,1 1698 | 1697,1 1699 | 1698,1 1700 | 1699,1 1701 | 1700,1 1702 | 1701,1 1703 | 1702,1 1704 | 1703,1 1705 | 1704,1 1706 | 1705,1 1707 | 1706,1 1708 | 1707,1 1709 | 1708,1 1710 | 1709,1 1711 | 1710,1 1712 | 1711,1 1713 | 1712,1 1714 | 1713,1 1715 | 1714,1 1716 | 1715,1 1717 | 1716,1 1718 | 1717,1 1719 | 1718,1 1720 | 1719,1 1721 | 1720,1 1722 | 1721,1 1723 | 1722,1 1724 | 1723,1 1725 | 1724,1 1726 | 1725,1 1727 | 1726,1 1728 | 1727,1 1729 | 1728,1 1730 | 1729,1 1731 | 1730,1 1732 | 1731,1 1733 | 1732,1 1734 | 1733,1 1735 | 1734,1 1736 | 1735,1 1737 | 1736,1 1738 | 1737,1 1739 | 1738,1 1740 | 1739,1 1741 | 1740,1 1742 | 1741,1 1743 | 1742,1 1744 | 1743,1 1745 | 1744,1 1746 | 1745,1 1747 | 1746,1 1748 | 1747,1 1749 | 1748,1 1750 | 1749,1 1751 | 1750,1 1752 | 1751,1 1753 | 1752,1 1754 | 1753,1 1755 | 1754,1 1756 | 1755,1 1757 | 1756,1 1758 | 1757,1 1759 | 1758,1 1760 | 1759,1 1761 | 1760,1 1762 | 1761,1 1763 | 1762,1 1764 | 1763,1 1765 | 1764,1 1766 | 1765,1 1767 | 1766,1 1768 | 1767,1 1769 | 1768,1 1770 | 1769,1 1771 | 1770,1 1772 | 1771,1 1773 | 1772,1 1774 | 1773,1 1775 | 1774,1 1776 | 1775,1 1777 | 1776,1 1778 | 1777,1 1779 | 1778,1 1780 | 1779,1 1781 | 1780,1 1782 | 1781,1 1783 | 1782,1 1784 | 1783,1 1785 | 1784,1 1786 | 1785,1 1787 | 1786,1 1788 | 1787,1 1789 | 1788,1 1790 | 1789,1 1791 | 1790,1 1792 | 1791,1 1793 | 1792,1 1794 | 1793,1 1795 | 1794,1 1796 | 1795,1 1797 | 1796,1 1798 | 1797,1 1799 | 1798,1 1800 | 1799,1 1801 | 1800,1 1802 | 1801,1 1803 | 1802,1 1804 | 1803,1 1805 | 1804,1 1806 | 1805,1 1807 | 1806,1 1808 | 1807,1 1809 | 1808,1 1810 | 1809,1 1811 | 1810,1 1812 | 1811,1 1813 | 1812,1 1814 | 1813,1 1815 | 1814,1 1816 | 1815,1 1817 | 1816,1 1818 | 1817,1 1819 | 1818,1 1820 | 1819,1 1821 | 1820,1 1822 | 1821,1 1823 | 1822,1 1824 | 1823,1 1825 | 1824,1 1826 | 1825,1 1827 | 1826,1 1828 | 1827,1 1829 | 1828,1 1830 | 1829,1 1831 | 1830,1 1832 | 1831,1 1833 | 1832,1 1834 | 1833,1 1835 | 1834,1 1836 | 1835,1 1837 | 1836,1 1838 | 1837,1 1839 | 1838,1 1840 | 1839,1 1841 | 1840,1 1842 | 1841,1 1843 | 1842,1 1844 | 1843,1 1845 | 1844,1 1846 | 1845,1 1847 | 1846,1 1848 | 1847,1 1849 | 1848,1 1850 | 1849,1 1851 | 1850,1 1852 | 1851,1 1853 | 1852,1 1854 | 1853,1 1855 | 1854,1 1856 | 1855,1 1857 | 1856,1 1858 | 1857,1 1859 | 1858,1 1860 | 1859,1 1861 | 1860,1 1862 | 1861,1 1863 | 1862,1 1864 | 1863,1 1865 | 1864,1 1866 | 1865,1 1867 | 1866,1 1868 | 1867,1 1869 | 1868,1 1870 | 1869,1 1871 | 1870,1 1872 | 1871,1 1873 | 1872,1 1874 | 1873,1 1875 | 1874,1 1876 | 1875,1 1877 | 1876,1 1878 | 1877,1 1879 | 1878,1 1880 | 1879,1 1881 | 1880,1 1882 | 1881,1 1883 | 1882,1 1884 | 1883,1 1885 | 1884,1 1886 | 1885,1 1887 | 1886,1 1888 | 1887,1 1889 | 1888,1 1890 | 1889,1 1891 | 1890,1 1892 | 1891,1 1893 | 1892,1 1894 | 1893,1 1895 | 1894,1 1896 | 1895,1 1897 | 1896,1 1898 | 1897,1 1899 | 1898,1 1900 | 1899,1 1901 | 1900,1 1902 | 1901,1 1903 | 1902,1 1904 | 1903,1 1905 | 1904,1 1906 | 1905,1 1907 | 1906,1 1908 | 1907,1 1909 | 1908,1 1910 | 1909,1 1911 | 1910,1 1912 | 1911,1 1913 | 1912,1 1914 | 1913,1 1915 | 1914,1 1916 | 1915,1 1917 | 1916,1 1918 | 1917,1 1919 | 1918,1 1920 | 1919,1 1921 | 1920,1 1922 | 1921,1 1923 | 1922,1 1924 | 1923,1 1925 | 1924,1 1926 | 1925,1 1927 | 1926,1 1928 | 1927,1 1929 | 1928,1 1930 | 1929,1 1931 | 1930,1 1932 | 1931,1 1933 | 1932,1 1934 | 1933,1 1935 | 1934,1 1936 | 1935,1 1937 | 1936,1 1938 | 1937,1 1939 | 1938,1 1940 | 1939,1 1941 | 1940,1 1942 | 1941,1 1943 | 1942,1 1944 | 1943,1 1945 | 1944,1 1946 | 1945,1 1947 | 1946,1 1948 | 1947,1 1949 | 1948,1 1950 | 1949,1 1951 | 1950,1 1952 | 1951,1 1953 | 1952,1 1954 | 1953,1 1955 | 1954,1 1956 | 1955,1 1957 | 1956,1 1958 | 1957,1 1959 | 1958,1 1960 | 1959,1 1961 | 1960,1 1962 | 1961,1 1963 | 1962,1 1964 | 1963,1 1965 | 1964,1 1966 | 1965,1 1967 | 1966,1 1968 | 1967,1 1969 | 1968,1 1970 | 1969,1 1971 | 1970,1 1972 | 1971,1 1973 | 1972,1 1974 | 1973,1 1975 | 1974,1 1976 | 1975,1 1977 | 1976,1 1978 | 1977,1 1979 | 1978,1 1980 | 1979,1 1981 | 1980,1 1982 | 1981,1 1983 | 1982,1 1984 | 1983,1 1985 | 1984,1 1986 | 1985,1 1987 | 1986,1 1988 | 1987,1 1989 | 1988,1 1990 | 1989,1 1991 | 1990,1 1992 | 1991,1 1993 | 1992,1 1994 | 1993,1 1995 | 1994,1 1996 | 1995,1 1997 | 1996,1 1998 | 1997,1 1999 | 1998,1 2000 | 1999,1 2001 | 2000,1 2002 | 2001,1 2003 | 2002,1 2004 | 2003,1 2005 | 2004,1 2006 | 2005,1 2007 | 2006,1 2008 | 2007,1 2009 | 2008,1 2010 | 2009,1 2011 | 2010,1 2012 | 2011,1 2013 | 2012,1 2014 | 2013,1 2015 | 2014,1 2016 | 2015,1 2017 | 2016,1 2018 | 2017,1 2019 | 2018,1 2020 | 2019,1 2021 | 2020,1 2022 | 2021,1 2023 | 2022,1 2024 | 2023,1 2025 | 2024,1 2026 | 2025,1 2027 | 2026,1 2028 | 2027,1 2029 | 2028,1 2030 | 2029,1 2031 | 2030,1 2032 | 2031,1 2033 | 2032,1 2034 | 2033,1 2035 | 2034,1 2036 | 2035,1 2037 | 2036,1 2038 | 2037,1 2039 | 2038,1 2040 | 2039,1 2041 | 2040,1 2042 | 2041,1 2043 | 2042,1 2044 | 2043,1 2045 | 2044,1 2046 | 2045,1 2047 | 2046,1 2048 | 2047,1 2049 | 2048,1 2050 | 2049,1 2051 | 2050,1 2052 | 2051,1 2053 | 2052,1 2054 | 2053,1 2055 | 2054,1 2056 | 2055,1 2057 | 2056,1 2058 | 2057,1 2059 | 2058,1 2060 | 2059,1 2061 | 2060,1 2062 | 2061,1 2063 | 2062,1 2064 | 2063,1 2065 | 2064,1 2066 | 2065,1 2067 | 2066,1 2068 | 2067,1 2069 | 2068,1 2070 | 2069,1 2071 | 2070,1 2072 | 2071,1 2073 | 2072,1 2074 | 2073,1 2075 | 2074,1 2076 | 2075,1 2077 | 2076,1 2078 | 2077,1 2079 | 2078,1 2080 | 2079,1 2081 | 2080,1 2082 | 2081,1 2083 | 2082,1 2084 | 2083,1 2085 | 2084,1 2086 | 2085,1 2087 | 2086,1 2088 | 2087,1 2089 | 2088,1 2090 | 2089,1 2091 | 2090,1 2092 | 2091,1 2093 | 2092,1 2094 | 2093,1 2095 | 2094,1 2096 | 2095,1 2097 | 2096,1 2098 | 2097,1 2099 | 2098,1 2100 | 2099,1 2101 | 2100,1 2102 | 2101,1 2103 | 2102,1 2104 | 2103,1 2105 | 2104,1 2106 | 2105,1 2107 | 2106,1 2108 | 2107,1 2109 | 2108,1 2110 | 2109,1 2111 | 2110,1 2112 | 2111,1 2113 | 2112,1 2114 | 2113,1 2115 | 2114,1 2116 | 2115,1 2117 | 2116,1 2118 | 2117,1 2119 | 2118,1 2120 | 2119,1 2121 | 2120,1 2122 | 2121,1 2123 | 2122,1 2124 | 2123,1 2125 | 2124,1 2126 | 2125,1 2127 | 2126,1 2128 | 2127,1 2129 | 2128,1 2130 | 2129,1 2131 | 2130,1 2132 | 2131,1 2133 | 2132,1 2134 | 2133,1 2135 | 2134,1 2136 | 2135,1 2137 | 2136,1 2138 | 2137,1 2139 | 2138,1 2140 | 2139,1 2141 | 2140,1 2142 | 2141,1 2143 | 2142,1 2144 | 2143,1 2145 | 2144,1 2146 | 2145,1 2147 | 2146,1 2148 | 2147,1 2149 | 2148,1 2150 | 2149,1 2151 | 2150,1 2152 | 2151,1 2153 | 2152,1 2154 | 2153,1 2155 | 2154,1 2156 | 2155,1 2157 | 2156,1 2158 | 2157,1 2159 | 2158,1 2160 | 2159,1 2161 | 2160,1 2162 | 2161,1 2163 | 2162,1 2164 | 2163,1 2165 | 2164,1 2166 | 2165,1 2167 | 2166,1 2168 | 2167,1 2169 | 2168,1 2170 | 2169,1 2171 | 2170,1 2172 | 2171,1 2173 | 2172,1 2174 | 2173,1 2175 | 2174,1 2176 | 2175,1 2177 | 2176,1 2178 | 2177,1 2179 | 2178,1 2180 | 2179,1 2181 | 2180,1 2182 | 2181,1 2183 | 2182,1 2184 | 2183,1 2185 | 2184,1 2186 | 2185,1 2187 | 2186,1 2188 | 2187,1 2189 | 2188,1 2190 | 2189,1 2191 | 2190,1 2192 | 2191,1 2193 | 2192,1 2194 | 2193,1 2195 | 2194,1 2196 | 2195,1 2197 | 2196,1 2198 | 2197,1 2199 | 2198,1 2200 | 2199,1 2201 | 2200,1 2202 | 2201,1 2203 | 2202,1 2204 | 2203,1 2205 | 2204,1 2206 | 2205,1 2207 | 2206,1 2208 | 2207,1 2209 | 2208,1 2210 | 2209,1 2211 | 2210,1 2212 | 2211,1 2213 | 2212,1 2214 | 2213,1 2215 | 2214,1 2216 | 2215,1 2217 | 2216,1 2218 | 2217,1 2219 | 2218,1 2220 | 2219,1 2221 | 2220,1 2222 | 2221,1 2223 | 2222,1 2224 | 2223,1 2225 | 2224,1 2226 | 2225,1 2227 | 2226,1 2228 | 2227,1 2229 | 2228,1 2230 | 2229,1 2231 | 2230,1 2232 | 2231,1 2233 | 2232,1 2234 | 2233,1 2235 | 2234,1 2236 | 2235,1 2237 | 2236,1 2238 | 2237,1 2239 | 2238,1 2240 | 2239,1 2241 | 2240,1 2242 | 2241,1 2243 | 2242,1 2244 | 2243,1 2245 | 2244,1 2246 | 2245,1 2247 | 2246,1 2248 | 2247,1 2249 | 2248,1 2250 | 2249,1 2251 | 2250,1 2252 | 2251,1 2253 | 2252,1 2254 | 2253,1 2255 | 2254,1 2256 | 2255,1 2257 | 2256,1 2258 | 2257,1 2259 | 2258,1 2260 | 2259,1 2261 | 2260,1 2262 | 2261,1 2263 | 2262,1 2264 | 2263,1 2265 | 2264,1 2266 | 2265,1 2267 | 2266,1 2268 | 2267,1 2269 | 2268,1 2270 | 2269,1 2271 | 2270,1 2272 | 2271,1 2273 | 2272,1 2274 | 2273,1 2275 | 2274,1 2276 | 2275,1 2277 | 2276,1 2278 | 2277,1 2279 | 2278,1 2280 | 2279,1 2281 | 2280,1 2282 | 2281,1 2283 | 2282,1 2284 | 2283,1 2285 | 2284,1 2286 | 2285,1 2287 | 2286,1 2288 | 2287,1 2289 | 2288,1 2290 | 2289,1 2291 | 2290,1 2292 | 2291,1 2293 | 2292,1 2294 | 2293,1 2295 | 2294,1 2296 | 2295,1 2297 | 2296,1 2298 | 2297,1 2299 | 2298,1 2300 | 2299,1 2301 | 2300,1 2302 | 2301,1 2303 | 2302,1 2304 | 2303,1 2305 | 2304,1 2306 | 2305,1 2307 | 2306,1 2308 | 2307,1 2309 | 2308,1 2310 | 2309,1 2311 | 2310,1 2312 | 2311,1 2313 | 2312,1 2314 | 2313,1 2315 | 2314,1 2316 | 2315,1 2317 | 2316,1 2318 | 2317,1 2319 | 2318,1 2320 | 2319,1 2321 | 2320,1 2322 | 2321,1 2323 | 2322,1 2324 | 2323,1 2325 | 2324,1 2326 | 2325,1 2327 | 2326,1 2328 | 2327,1 2329 | 2328,1 2330 | 2329,1 2331 | 2330,1 2332 | 2331,1 2333 | 2332,1 2334 | 2333,1 2335 | 2334,1 2336 | 2335,1 2337 | 2336,1 2338 | 2337,1 2339 | 2338,1 2340 | 2339,1 2341 | 2340,1 2342 | 2341,1 2343 | 2342,1 2344 | 2343,1 2345 | 2344,1 2346 | 2345,1 2347 | 2346,1 2348 | 2347,1 2349 | 2348,1 2350 | 2349,1 2351 | 2350,1 2352 | 2351,1 2353 | 2352,1 2354 | 2353,1 2355 | 2354,1 2356 | 2355,1 2357 | 2356,1 2358 | 2357,1 2359 | 2358,1 2360 | 2359,1 2361 | 2360,1 2362 | 2361,1 2363 | 2362,1 2364 | 2363,1 2365 | 2364,1 2366 | 2365,1 2367 | 2366,1 2368 | 2367,1 2369 | 2368,1 2370 | 2369,1 2371 | 2370,1 2372 | 2371,1 2373 | 2372,1 2374 | 2373,1 2375 | 2374,1 2376 | 2375,1 2377 | 2376,1 2378 | 2377,1 2379 | 2378,1 2380 | 2379,1 2381 | 2380,1 2382 | 2381,1 2383 | 2382,1 2384 | 2383,1 2385 | 2384,1 2386 | 2385,1 2387 | 2386,1 2388 | 2387,1 2389 | 2388,1 2390 | 2389,1 2391 | 2390,1 2392 | 2391,1 2393 | 2392,1 2394 | 2393,1 2395 | 2394,1 2396 | 2395,1 2397 | 2396,1 2398 | 2397,1 2399 | 2398,1 2400 | 2399,1 2401 | 2400,1 2402 | 2401,1 2403 | 2402,1 2404 | 2403,1 2405 | 2404,1 2406 | 2405,1 2407 | 2406,1 2408 | 2407,1 2409 | 2408,1 2410 | 2409,1 2411 | 2410,1 2412 | 2411,1 2413 | 2412,1 2414 | 2413,1 2415 | 2414,1 2416 | 2415,1 2417 | 2416,1 2418 | 2417,1 2419 | 2418,1 2420 | 2419,1 2421 | 2420,1 2422 | 2421,1 2423 | 2422,1 2424 | 2423,1 2425 | 2424,1 2426 | 2425,1 2427 | 2426,1 2428 | 2427,1 2429 | 2428,1 2430 | 2429,1 2431 | 2430,1 2432 | 2431,1 2433 | 2432,1 2434 | 2433,1 2435 | 2434,1 2436 | 2435,1 2437 | 2436,1 2438 | 2437,1 2439 | 2438,1 2440 | 2439,1 2441 | 2440,1 2442 | 2441,1 2443 | 2442,1 2444 | 2443,1 2445 | 2444,1 2446 | 2445,1 2447 | 2446,1 2448 | 2447,1 2449 | 2448,1 2450 | 2449,1 2451 | 2450,1 2452 | 2451,1 2453 | 2452,1 2454 | 2453,1 2455 | 2454,1 2456 | 2455,1 2457 | 2456,1 2458 | 2457,1 2459 | 2458,1 2460 | 2459,1 2461 | 2460,1 2462 | 2461,1 2463 | 2462,1 2464 | 2463,1 2465 | 2464,1 2466 | 2465,1 2467 | 2466,1 2468 | 2467,1 2469 | 2468,1 2470 | 2469,1 2471 | 2470,1 2472 | 2471,1 2473 | 2472,1 2474 | 2473,1 2475 | 2474,1 2476 | 2475,1 2477 | 2476,1 2478 | 2477,1 2479 | 2478,1 2480 | 2479,1 2481 | 2480,1 2482 | 2481,1 2483 | 2482,1 2484 | 2483,1 2485 | 2484,1 2486 | 2485,1 2487 | 2486,1 2488 | 2487,1 2489 | 2488,1 2490 | 2489,1 2491 | 2490,1 2492 | 2491,1 2493 | 2492,1 2494 | 2493,1 2495 | 2494,1 2496 | 2495,1 2497 | 2496,1 2498 | 2497,1 2499 | 2498,1 2500 | 2499,1 2501 | 2500,1 2502 | 2501,1 2503 | 2502,1 2504 | 2503,1 2505 | 2504,1 2506 | 2505,1 2507 | 2506,1 2508 | 2507,1 2509 | 2508,1 2510 | 2509,1 2511 | 2510,1 2512 | 2511,1 2513 | 2512,1 2514 | 2513,1 2515 | 2514,1 2516 | 2515,1 2517 | 2516,1 2518 | 2517,1 2519 | 2518,1 2520 | 2519,1 2521 | 2520,1 2522 | 2521,1 2523 | 2522,1 2524 | 2523,1 2525 | 2524,1 2526 | 2525,1 2527 | 2526,1 2528 | 2527,1 2529 | 2528,1 2530 | 2529,1 2531 | 2530,1 2532 | 2531,1 2533 | 2532,1 2534 | 2533,1 2535 | 2534,1 2536 | 2535,1 2537 | 2536,1 2538 | 2537,1 2539 | 2538,1 2540 | 2539,1 2541 | 2540,1 2542 | 2541,1 2543 | 2542,1 2544 | 2543,1 2545 | 2544,1 2546 | 2545,1 2547 | 2546,1 2548 | 2547,1 2549 | 2548,1 2550 | 2549,1 2551 | 2550,1 2552 | 2551,1 2553 | 2552,1 2554 | 2553,1 2555 | 2554,1 2556 | 2555,1 2557 | 2556,1 2558 | 2557,1 2559 | 2558,1 2560 | 2559,1 2561 | 2560,1 2562 | 2561,1 2563 | 2562,1 2564 | 2563,1 2565 | 2564,1 2566 | 2565,1 2567 | 2566,1 2568 | 2567,1 2569 | 2568,1 2570 | 2569,1 2571 | 2570,1 2572 | 2571,1 2573 | 2572,1 2574 | 2573,1 2575 | 2574,1 2576 | 2575,1 2577 | 2576,1 2578 | 2577,1 2579 | 2578,1 2580 | 2579,1 2581 | 2580,1 2582 | 2581,1 2583 | 2582,1 2584 | 2583,1 2585 | 2584,1 2586 | 2585,1 2587 | 2586,1 2588 | 2587,1 2589 | 2588,1 2590 | 2589,1 2591 | 2590,1 2592 | 2591,1 2593 | 2592,1 2594 | 2593,1 2595 | 2594,1 2596 | 2595,1 2597 | 2596,1 2598 | 2597,1 2599 | 2598,1 2600 | 2599,1 2601 | 2600,1 2602 | 2601,1 2603 | 2602,1 2604 | 2603,1 2605 | 2604,1 2606 | 2605,1 2607 | 2606,1 2608 | 2607,1 2609 | 2608,1 2610 | 2609,1 2611 | 2610,1 2612 | 2611,1 2613 | 2612,1 2614 | 2613,1 2615 | 2614,1 2616 | 2615,1 2617 | 2616,1 2618 | 2617,1 2619 | 2618,1 2620 | 2619,1 2621 | 2620,1 2622 | 2621,1 2623 | 2622,1 2624 | 2623,1 2625 | 2624,1 2626 | 2625,1 2627 | 2626,1 2628 | 2627,1 2629 | 2628,1 2630 | 2629,1 2631 | 2630,1 2632 | 2631,1 2633 | 2632,1 2634 | 2633,1 2635 | 2634,1 2636 | 2635,1 2637 | 2636,1 2638 | 2637,1 2639 | 2638,1 2640 | 2639,1 2641 | 2640,1 2642 | 2641,1 2643 | 2642,1 2644 | 2643,1 2645 | 2644,1 2646 | 2645,1 2647 | 2646,1 2648 | 2647,1 2649 | 2648,1 2650 | 2649,1 2651 | 2650,1 2652 | 2651,1 2653 | 2652,1 2654 | 2653,1 2655 | 2654,1 2656 | 2655,1 2657 | 2656,1 2658 | 2657,1 2659 | 2658,1 2660 | 2659,1 2661 | 2660,1 2662 | 2661,1 2663 | 2662,1 2664 | 2663,1 2665 | 2664,1 2666 | 2665,1 2667 | 2666,1 2668 | 2667,1 2669 | 2668,1 2670 | 2669,1 2671 | 2670,1 2672 | 2671,1 2673 | 2672,1 2674 | 2673,1 2675 | 2674,1 2676 | 2675,1 2677 | 2676,1 2678 | 2677,1 2679 | 2678,1 2680 | 2679,1 2681 | 2680,1 2682 | 2681,1 2683 | 2682,1 2684 | 2683,1 2685 | 2684,1 2686 | 2685,1 2687 | 2686,1 2688 | 2687,1 2689 | 2688,1 2690 | 2689,1 2691 | 2690,1 2692 | 2691,1 2693 | 2692,1 2694 | 2693,1 2695 | 2694,1 2696 | 2695,1 2697 | 2696,1 2698 | 2697,1 2699 | 2698,1 2700 | 2699,1 2701 | 2700,1 2702 | 2701,1 2703 | 2702,1 2704 | 2703,1 2705 | 2704,1 2706 | 2705,1 2707 | 2706,1 2708 | 2707,1 2709 | 2708,1 2710 | 2709,1 2711 | 2710,1 2712 | 2711,1 2713 | 2712,1 2714 | 2713,1 2715 | 2714,1 2716 | 2715,1 2717 | 2716,1 2718 | 2717,1 2719 | 2718,1 2720 | 2719,1 2721 | 2720,1 2722 | 2721,1 2723 | 2722,1 2724 | 2723,1 2725 | 2724,1 2726 | 2725,1 2727 | 2726,1 2728 | 2727,1 2729 | 2728,1 2730 | 2729,1 2731 | 2730,1 2732 | 2731,1 2733 | 2732,1 2734 | 2733,1 2735 | 2734,1 2736 | 2735,1 2737 | 2736,1 2738 | 2737,1 2739 | 2738,1 2740 | 2739,1 2741 | 2740,1 2742 | 2741,1 2743 | 2742,1 2744 | 2743,1 2745 | 2744,1 2746 | 2745,1 2747 | 2746,1 2748 | 2747,1 2749 | 2748,1 2750 | 2749,1 2751 | 2750,1 2752 | 2751,1 2753 | 2752,1 2754 | 2753,1 2755 | 2754,1 2756 | 2755,1 2757 | 2756,1 2758 | 2757,1 2759 | 2758,1 2760 | 2759,1 2761 | 2760,1 2762 | 2761,1 2763 | 2762,1 2764 | 2763,1 2765 | 2764,1 2766 | 2765,1 2767 | 2766,1 2768 | 2767,1 2769 | 2768,1 2770 | 2769,1 2771 | 2770,1 2772 | 2771,1 2773 | 2772,1 2774 | 2773,1 2775 | 2774,1 2776 | 2775,1 2777 | 2776,1 2778 | 2777,1 2779 | 2778,1 2780 | 2779,1 2781 | 2780,1 2782 | 2781,1 2783 | 2782,1 2784 | 2783,1 2785 | 2784,1 2786 | 2785,1 2787 | 2786,1 2788 | 2787,1 2789 | 2788,1 2790 | 2789,1 2791 | 2790,1 2792 | 2791,1 2793 | 2792,1 2794 | 2793,1 2795 | 2794,1 2796 | 2795,1 2797 | 2796,1 2798 | 2797,1 2799 | 2798,1 2800 | 2799,1 2801 | 2800,1 2802 | 2801,1 2803 | 2802,1 2804 | 2803,1 2805 | 2804,1 2806 | 2805,1 2807 | 2806,1 2808 | 2807,1 2809 | 2808,1 2810 | 2809,1 2811 | 2810,1 2812 | 2811,1 2813 | 2812,1 2814 | 2813,1 2815 | 2814,1 2816 | 2815,1 2817 | 2816,1 2818 | 2817,1 2819 | 2818,1 2820 | 2819,1 2821 | 2820,1 2822 | 2821,1 2823 | 2822,1 2824 | 2823,1 2825 | 2824,1 2826 | 2825,1 2827 | 2826,1 2828 | 2827,1 2829 | 2828,1 2830 | 2829,1 2831 | 2830,1 2832 | 2831,1 2833 | 2832,1 2834 | 2833,1 2835 | 2834,1 2836 | 2835,1 2837 | 2836,1 2838 | 2837,1 2839 | 2838,1 2840 | 2839,1 2841 | 2840,1 2842 | 2841,1 2843 | 2842,1 2844 | 2843,1 2845 | 2844,1 2846 | 2845,1 2847 | 2846,1 2848 | 2847,1 2849 | 2848,1 2850 | 2849,1 2851 | 2850,1 2852 | 2851,1 2853 | 2852,1 2854 | 2853,1 2855 | 2854,1 2856 | 2855,1 2857 | 2856,1 2858 | 2857,1 2859 | 2858,1 2860 | 2859,1 2861 | 2860,1 2862 | 2861,1 2863 | 2862,1 2864 | 2863,1 2865 | 2864,1 2866 | 2865,1 2867 | 2866,1 2868 | 2867,1 2869 | 2868,1 2870 | 2869,1 2871 | 2870,1 2872 | 2871,1 2873 | 2872,1 2874 | 2873,1 2875 | 2874,1 2876 | 2875,1 2877 | 2876,1 2878 | 2877,1 2879 | 2878,1 2880 | 2879,1 2881 | 2880,1 2882 | 2881,1 2883 | 2882,1 2884 | 2883,1 2885 | 2884,1 2886 | 2885,1 2887 | 2886,1 2888 | 2887,1 2889 | 2888,1 2890 | 2889,1 2891 | 2890,1 2892 | 2891,1 2893 | 2892,1 2894 | 2893,1 2895 | 2894,1 2896 | 2895,1 2897 | 2896,1 2898 | 2897,1 2899 | 2898,1 2900 | 2899,1 2901 | 2900,1 2902 | 2901,1 2903 | 2902,1 2904 | 2903,1 2905 | 2904,1 2906 | 2905,1 2907 | 2906,1 2908 | 2907,1 2909 | 2908,1 2910 | 2909,1 2911 | 2910,1 2912 | 2911,1 2913 | 2912,1 2914 | 2913,1 2915 | 2914,1 2916 | 2915,1 2917 | 2916,1 2918 | 2917,1 2919 | 2918,1 2920 | 2919,1 2921 | 2920,1 2922 | 2921,1 2923 | 2922,1 2924 | 2923,1 2925 | 2924,1 2926 | 2925,1 2927 | 2926,1 2928 | 2927,1 2929 | 2928,1 2930 | 2929,1 2931 | 2930,1 2932 | 2931,1 2933 | 2932,1 2934 | 2933,1 2935 | 2934,1 2936 | 2935,1 2937 | 2936,1 2938 | 2937,1 2939 | 2938,1 2940 | 2939,1 2941 | 2940,1 2942 | 2941,1 2943 | 2942,1 2944 | 2943,1 2945 | 2944,1 2946 | 2945,1 2947 | 2946,1 2948 | 2947,1 2949 | 2948,1 2950 | 2949,1 2951 | 2950,1 2952 | 2951,1 2953 | 2952,1 2954 | 2953,1 2955 | 2954,1 2956 | 2955,1 2957 | 2956,1 2958 | 2957,1 2959 | 2958,1 2960 | 2959,1 2961 | 2960,1 2962 | 2961,1 2963 | 2962,1 2964 | 2963,1 2965 | 2964,1 2966 | 2965,1 2967 | 2966,1 2968 | 2967,1 2969 | 2968,1 2970 | 2969,1 2971 | 2970,1 2972 | 2971,1 2973 | 2972,1 2974 | 2973,1 2975 | 2974,1 2976 | 2975,1 2977 | 2976,1 2978 | 2977,1 2979 | 2978,1 2980 | 2979,1 2981 | 2980,1 2982 | 2981,1 2983 | 2982,1 2984 | 2983,1 2985 | 2984,1 2986 | 2985,1 2987 | 2986,1 2988 | 2987,1 2989 | 2988,1 2990 | 2989,1 2991 | 2990,1 2992 | 2991,1 2993 | 2992,1 2994 | 2993,1 2995 | 2994,1 2996 | 2995,1 2997 | 2996,1 2998 | 2997,1 2999 | 2998,1 3000 | 2999,1 3001 | 3000,1 3002 | 3001,1 3003 | 3002,1 3004 | 3003,1 3005 | 3004,1 3006 | 3005,1 3007 | 3006,1 3008 | 3007,1 3009 | 3008,1 3010 | 3009,1 3011 | 3010,1 3012 | 3011,1 3013 | 3012,1 3014 | 3013,1 3015 | 3014,1 3016 | 3015,1 3017 | 3016,1 3018 | 3017,1 3019 | 3018,1 3020 | 3019,1 3021 | 3020,1 3022 | 3021,1 3023 | 3022,1 3024 | 3023,1 3025 | 3024,1 3026 | 3025,1 3027 | 3026,1 3028 | 3027,1 3029 | 3028,1 3030 | 3029,1 3031 | 3030,1 3032 | 3031,1 3033 | 3032,1 3034 | 3033,1 3035 | 3034,1 3036 | 3035,1 3037 | 3036,1 3038 | 3037,1 3039 | 3038,1 3040 | 3039,1 3041 | 3040,1 3042 | 3041,1 3043 | 3042,1 3044 | 3043,1 3045 | 3044,1 3046 | 3045,1 3047 | 3046,1 3048 | 3047,1 3049 | 3048,1 3050 | 3049,1 3051 | 3050,1 3052 | 3051,1 3053 | 3052,1 3054 | 3053,1 3055 | 3054,1 3056 | 3055,1 3057 | 3056,1 3058 | 3057,1 3059 | 3058,1 3060 | 3059,1 3061 | 3060,1 3062 | 3061,1 3063 | 3062,1 3064 | 3063,1 3065 | 3064,1 3066 | 3065,1 3067 | 3066,1 3068 | 3067,1 3069 | 3068,1 3070 | 3069,1 3071 | 3070,1 3072 | 3071,1 3073 | 3072,1 3074 | 3073,1 3075 | 3074,1 3076 | 3075,1 3077 | 3076,1 3078 | 3077,1 3079 | 3078,1 3080 | 3079,1 3081 | 3080,1 3082 | 3081,1 3083 | 3082,1 3084 | 3083,1 3085 | 3084,1 3086 | 3085,1 3087 | 3086,1 3088 | 3087,1 3089 | 3088,1 3090 | 3089,1 3091 | 3090,1 3092 | 3091,1 3093 | 3092,1 3094 | 3093,1 3095 | 3094,1 3096 | 3095,1 3097 | 3096,1 3098 | 3097,1 3099 | 3098,1 3100 | 3099,1 3101 | 3100,1 3102 | 3101,1 3103 | 3102,1 3104 | 3103,1 3105 | 3104,1 3106 | 3105,1 3107 | 3106,1 3108 | 3107,1 3109 | 3108,1 3110 | 3109,1 3111 | 3110,1 3112 | 3111,1 3113 | 3112,1 3114 | 3113,1 3115 | 3114,1 3116 | 3115,1 3117 | 3116,1 3118 | 3117,1 3119 | 3118,1 3120 | 3119,1 3121 | 3120,1 3122 | 3121,1 3123 | 3122,1 3124 | 3123,1 3125 | 3124,1 3126 | 3125,1 3127 | 3126,1 3128 | 3127,1 3129 | 3128,1 3130 | 3129,1 3131 | 3130,1 3132 | 3131,1 3133 | 3132,1 3134 | 3133,1 3135 | 3134,1 3136 | 3135,1 3137 | 3136,1 3138 | 3137,1 3139 | 3138,1 3140 | 3139,1 3141 | 3140,1 3142 | 3141,1 3143 | 3142,1 3144 | 3143,1 3145 | 3144,1 3146 | 3145,1 3147 | 3146,1 3148 | 3147,1 3149 | 3148,1 3150 | 3149,1 3151 | 3150,1 3152 | 3151,1 3153 | 3152,1 3154 | 3153,1 3155 | 3154,1 3156 | 3155,1 3157 | 3156,1 3158 | 3157,1 3159 | 3158,1 3160 | 3159,1 3161 | 3160,1 3162 | 3161,1 3163 | 3162,1 3164 | 3163,1 3165 | 3164,1 3166 | 3165,1 3167 | 3166,1 3168 | 3167,1 3169 | 3168,1 3170 | 3169,1 3171 | 3170,1 3172 | 3171,1 3173 | 3172,1 3174 | 3173,1 3175 | 3174,1 3176 | 3175,1 3177 | 3176,1 3178 | 3177,1 3179 | 3178,1 3180 | 3179,1 3181 | 3180,1 3182 | 3181,1 3183 | 3182,1 3184 | 3183,1 3185 | 3184,1 3186 | 3185,1 3187 | 3186,1 3188 | 3187,1 3189 | 3188,1 3190 | 3189,1 3191 | 3190,1 3192 | 3191,1 3193 | 3192,1 3194 | 3193,1 3195 | 3194,1 3196 | 3195,1 3197 | 3196,1 3198 | 3197,1 3199 | 3198,1 3200 | 3199,1 3201 | 3200,1 3202 | 3201,1 3203 | 3202,1 3204 | 3203,1 3205 | 3204,1 3206 | 3205,1 3207 | 3206,1 3208 | 3207,1 3209 | 3208,1 3210 | 3209,1 3211 | 3210,1 3212 | 3211,1 3213 | 3212,1 3214 | 3213,1 3215 | 3214,1 3216 | 3215,1 3217 | 3216,1 3218 | 3217,1 3219 | 3218,1 3220 | 3219,1 3221 | 3220,1 3222 | 3221,1 3223 | 3222,1 3224 | 3223,1 3225 | 3224,1 3226 | 3225,1 3227 | 3226,1 3228 | 3227,1 3229 | 3228,1 3230 | 3229,1 3231 | 3230,1 3232 | 3231,1 3233 | 3232,1 3234 | 3233,1 3235 | 3234,1 3236 | 3235,1 3237 | 3236,1 3238 | 3237,1 3239 | 3238,1 3240 | 3239,1 3241 | 3240,1 3242 | 3241,1 3243 | 3242,1 3244 | 3243,1 3245 | 3244,1 3246 | 3245,1 3247 | 3246,1 3248 | 3247,1 3249 | 3248,1 3250 | 3249,1 3251 | 3250,1 3252 | 3251,1 3253 | 3252,1 3254 | 3253,1 3255 | 3254,1 3256 | 3255,1 3257 | 3256,1 3258 | 3257,1 3259 | 3258,1 3260 | 3259,1 3261 | 3260,1 3262 | 3261,1 3263 | 3262,1 3264 | 3263,1 3265 | 3264,1 3266 | 3265,1 3267 | 3266,1 3268 | 3267,1 3269 | 3268,1 3270 | 3269,1 3271 | 3270,1 3272 | 3271,1 3273 | 3272,1 3274 | 3273,1 3275 | 3274,1 3276 | 3275,1 3277 | 3276,1 3278 | 3277,1 3279 | 3278,1 3280 | 3279,1 3281 | 3280,1 3282 | 3281,1 3283 | 3282,1 3284 | 3283,1 3285 | 3284,1 3286 | 3285,1 3287 | 3286,1 3288 | 3287,1 3289 | 3288,1 3290 | 3289,1 3291 | 3290,1 3292 | 3291,1 3293 | 3292,1 3294 | 3293,1 3295 | 3294,1 3296 | 3295,1 3297 | 3296,1 3298 | 3297,1 3299 | 3298,1 3300 | 3299,1 3301 | 3300,1 3302 | 3301,1 3303 | 3302,1 3304 | 3303,1 3305 | 3304,1 3306 | 3305,1 3307 | 3306,1 3308 | 3307,1 3309 | 3308,1 3310 | 3309,1 3311 | 3310,1 3312 | 3311,1 3313 | 3312,1 3314 | 3313,1 3315 | 3314,1 3316 | 3315,1 3317 | 3316,1 3318 | 3317,1 3319 | 3318,1 3320 | 3319,1 3321 | 3320,1 3322 | 3321,1 3323 | 3322,1 3324 | 3323,1 3325 | 3324,1 3326 | 3325,1 3327 | 3326,1 3328 | 3327,1 3329 | 3328,1 3330 | 3329,1 3331 | 3330,1 3332 | 3331,1 3333 | 3332,1 3334 | 3333,1 3335 | 3334,1 3336 | 3335,1 3337 | 3336,1 3338 | 3337,1 3339 | 3338,1 3340 | 3339,1 3341 | 3340,1 3342 | 3341,1 3343 | 3342,1 3344 | 3343,1 3345 | 3344,1 3346 | 3345,1 3347 | 3346,1 3348 | 3347,1 3349 | 3348,1 3350 | 3349,1 3351 | 3350,1 3352 | 3351,1 3353 | 3352,1 3354 | 3353,1 3355 | 3354,1 3356 | 3355,1 3357 | 3356,1 3358 | 3357,1 3359 | 3358,1 3360 | 3359,1 3361 | 3360,1 3362 | 3361,1 3363 | 3362,1 3364 | 3363,1 3365 | 3364,1 3366 | 3365,1 3367 | 3366,1 3368 | 3367,1 3369 | 3368,1 3370 | 3369,1 3371 | 3370,1 3372 | 3371,1 3373 | 3372,1 3374 | 3373,1 3375 | 3374,1 3376 | 3375,1 3377 | 3376,1 3378 | 3377,1 3379 | 3378,1 3380 | 3379,1 3381 | 3380,1 3382 | 3381,1 3383 | 3382,1 3384 | 3383,1 3385 | 3384,1 3386 | 3385,1 3387 | 3386,1 3388 | 3387,1 3389 | 3388,1 3390 | 3389,1 3391 | 3390,1 3392 | 3391,1 3393 | 3392,1 3394 | 3393,1 3395 | 3394,1 3396 | 3395,1 3397 | 3396,1 3398 | 3397,1 3399 | 3398,1 3400 | 3399,1 3401 | 3400,1 3402 | 3401,1 3403 | 3402,1 3404 | 3403,1 3405 | 3404,1 3406 | 3405,1 3407 | 3406,1 3408 | 3407,1 3409 | 3408,1 3410 | 3409,1 3411 | 3410,1 3412 | 3411,1 3413 | 3412,1 3414 | 3413,1 3415 | 3414,1 3416 | 3415,1 3417 | 3416,1 3418 | 3417,1 3419 | 3418,1 3420 | 3419,1 3421 | 3420,1 3422 | 3421,1 3423 | 3422,1 3424 | 3423,1 3425 | 3424,1 3426 | 3425,1 3427 | 3426,1 3428 | 3427,1 3429 | 3428,1 3430 | 3429,1 3431 | 3430,1 3432 | 3431,1 3433 | 3432,1 3434 | 3433,1 3435 | 3434,1 3436 | 3435,1 3437 | 3436,1 3438 | 3437,1 3439 | 3438,1 3440 | 3439,1 3441 | 3440,1 3442 | 3441,1 3443 | 3442,1 3444 | 3443,1 3445 | 3444,1 3446 | 3445,1 3447 | 3446,1 3448 | 3447,1 3449 | 3448,1 3450 | 3449,1 3451 | 3450,1 3452 | 3451,1 3453 | 3452,1 3454 | 3453,1 3455 | 3454,1 3456 | 3455,1 3457 | 3456,1 3458 | 3457,1 3459 | 3458,1 3460 | 3459,1 3461 | 3460,1 3462 | 3461,1 3463 | 3462,1 3464 | 3463,1 3465 | 3464,1 3466 | 3465,1 3467 | 3466,1 3468 | 3467,1 3469 | 3468,1 3470 | 3469,1 3471 | 3470,1 3472 | 3471,1 3473 | 3472,1 3474 | 3473,1 3475 | 3474,1 3476 | 3475,1 3477 | 3476,1 3478 | 3477,1 3479 | 3478,1 3480 | 3479,1 3481 | 3480,1 3482 | 3481,1 3483 | 3482,1 3484 | 3483,1 3485 | 3484,1 3486 | 3485,1 3487 | 3486,1 3488 | 3487,1 3489 | 3488,1 3490 | 3489,1 3491 | 3490,1 3492 | 3491,1 3493 | 3492,1 3494 | 3493,1 3495 | 3494,1 3496 | 3495,1 3497 | 3496,1 3498 | 3497,1 3499 | 3498,1 3500 | 3499,1 3501 | 3500,1 3502 | 3501,1 3503 | 3502,1 3504 | 3503,1 3505 | 3504,1 3506 | 3505,1 3507 | 3506,1 3508 | 3507,1 3509 | 3508,1 3510 | 3509,1 3511 | 3510,1 3512 | 3511,1 3513 | 3512,1 3514 | 3513,1 3515 | 3514,1 3516 | 3515,1 3517 | 3516,1 3518 | 3517,1 3519 | 3518,1 3520 | 3519,1 3521 | 3520,1 3522 | 3521,1 3523 | 3522,1 3524 | 3523,1 3525 | 3524,1 3526 | 3525,1 3527 | 3526,1 3528 | 3527,1 3529 | 3528,1 3530 | 3529,1 3531 | 3530,1 3532 | 3531,1 3533 | 3532,1 3534 | 3533,1 3535 | 3534,1 3536 | 3535,1 3537 | 3536,1 3538 | 3537,1 3539 | 3538,1 3540 | 3539,1 3541 | 3540,1 3542 | 3541,1 3543 | 3542,1 3544 | 3543,1 3545 | 3544,1 3546 | 3545,1 3547 | 3546,1 3548 | 3547,1 3549 | 3548,1 3550 | 3549,1 3551 | 3550,1 3552 | 3551,1 3553 | 3552,1 3554 | 3553,1 3555 | 3554,1 3556 | 3555,1 3557 | 3556,1 3558 | 3557,1 3559 | 3558,1 3560 | 3559,1 3561 | 3560,1 3562 | 3561,1 3563 | 3562,1 3564 | 3563,1 3565 | 3564,1 3566 | 3565,1 3567 | 3566,1 3568 | 3567,1 3569 | 3568,1 3570 | 3569,1 3571 | 3570,1 3572 | 3571,1 3573 | 3572,1 3574 | 3573,1 3575 | 3574,1 3576 | 3575,1 3577 | 3576,1 3578 | 3577,1 3579 | 3578,1 3580 | 3579,1 3581 | 3580,1 3582 | 3581,1 3583 | 3582,1 3584 | 3583,1 3585 | 3584,1 3586 | 3585,1 3587 | 3586,1 3588 | 3587,1 3589 | 3588,1 3590 | 3589,1 3591 | 3590,1 3592 | 3591,1 3593 | 3592,1 3594 | 3593,1 3595 | 3594,1 3596 | 3595,1 3597 | 3596,1 3598 | 3597,1 3599 | 3598,1 3600 | 3599,1 3601 | 3600,1 3602 | 3601,1 3603 | 3602,1 3604 | 3603,1 3605 | 3604,1 3606 | 3605,1 3607 | 3606,1 3608 | 3607,1 3609 | 3608,1 3610 | 3609,1 3611 | 3610,1 3612 | 3611,1 3613 | 3612,1 3614 | 3613,1 3615 | 3614,1 3616 | 3615,1 3617 | 3616,1 3618 | 3617,1 3619 | 3618,1 3620 | 3619,1 3621 | 3620,1 3622 | 3621,1 3623 | 3622,1 3624 | 3623,1 3625 | 3624,1 3626 | 3625,1 3627 | 3626,1 3628 | 3627,1 3629 | 3628,1 3630 | 3629,1 3631 | 3630,1 3632 | 3631,1 3633 | 3632,1 3634 | 3633,1 3635 | 3634,1 3636 | 3635,1 3637 | 3636,1 3638 | 3637,1 3639 | 3638,1 3640 | 3639,1 3641 | 3640,1 3642 | 3641,1 3643 | 3642,1 3644 | 3643,1 3645 | 3644,1 3646 | 3645,1 3647 | 3646,1 3648 | 3647,1 3649 | 3648,1 3650 | 3649,1 3651 | 3650,1 3652 | 3651,1 3653 | 3652,1 3654 | 3653,1 3655 | 3654,1 3656 | 3655,1 3657 | 3656,1 3658 | 3657,1 3659 | 3658,1 3660 | 3659,1 3661 | 3660,1 3662 | 3661,1 3663 | 3662,1 3664 | 3663,1 3665 | 3664,1 3666 | 3665,1 3667 | 3666,1 3668 | 3667,1 3669 | 3668,1 3670 | 3669,1 3671 | 3670,1 3672 | 3671,1 3673 | 3672,1 3674 | 3673,1 3675 | 3674,1 3676 | 3675,1 3677 | 3676,1 3678 | 3677,1 3679 | 3678,1 3680 | 3679,1 3681 | 3680,1 3682 | 3681,1 3683 | 3682,1 3684 | 3683,1 3685 | 3684,1 3686 | 3685,1 3687 | 3686,1 3688 | 3687,1 3689 | 3688,1 3690 | 3689,1 3691 | 3690,1 3692 | 3691,1 3693 | 3692,1 3694 | 3693,1 3695 | 3694,1 3696 | 3695,1 3697 | 3696,1 3698 | 3697,1 3699 | 3698,1 3700 | 3699,1 3701 | 3700,1 3702 | 3701,1 3703 | 3702,1 3704 | 3703,1 3705 | 3704,1 3706 | 3705,1 3707 | 3706,1 3708 | 3707,1 3709 | 3708,1 3710 | 3709,1 3711 | 3710,1 3712 | 3711,1 3713 | 3712,1 3714 | 3713,1 3715 | 3714,1 3716 | 3715,1 3717 | 3716,1 3718 | 3717,1 3719 | 3718,1 3720 | 3719,1 3721 | 3720,1 3722 | 3721,1 3723 | 3722,1 3724 | 3723,1 3725 | 3724,1 3726 | 3725,1 3727 | 3726,1 3728 | 3727,1 3729 | 3728,1 3730 | 3729,1 3731 | 3730,1 3732 | 3731,1 3733 | 3732,1 3734 | 3733,1 3735 | 3734,1 3736 | 3735,1 3737 | 3736,1 3738 | 3737,1 3739 | 3738,1 3740 | 3739,1 3741 | 3740,1 3742 | 3741,1 3743 | 3742,1 3744 | 3743,1 3745 | 3744,1 3746 | 3745,1 3747 | 3746,1 3748 | 3747,1 3749 | 3748,1 3750 | 3749,1 3751 | 3750,1 3752 | 3751,1 3753 | 3752,1 3754 | 3753,1 3755 | 3754,1 3756 | 3755,1 3757 | 3756,1 3758 | 3757,1 3759 | 3758,1 3760 | 3759,1 3761 | 3760,1 3762 | 3761,1 3763 | 3762,1 3764 | 3763,1 3765 | 3764,1 3766 | 3765,1 3767 | 3766,1 3768 | 3767,1 3769 | 3768,1 3770 | 3769,1 3771 | 3770,1 3772 | 3771,1 3773 | 3772,1 3774 | 3773,1 3775 | 3774,1 3776 | 3775,1 3777 | 3776,1 3778 | 3777,1 3779 | 3778,1 3780 | 3779,1 3781 | 3780,1 3782 | 3781,1 3783 | 3782,1 3784 | 3783,1 3785 | 3784,1 3786 | 3785,1 3787 | 3786,1 3788 | 3787,1 3789 | 3788,1 3790 | 3789,1 3791 | 3790,1 3792 | 3791,1 3793 | 3792,1 3794 | 3793,1 3795 | 3794,1 3796 | 3795,1 3797 | 3796,1 3798 | 3797,1 3799 | 3798,1 3800 | 3799,1 3801 | 3800,1 3802 | 3801,1 3803 | 3802,1 3804 | 3803,1 3805 | 3804,1 3806 | 3805,1 3807 | 3806,1 3808 | 3807,1 3809 | 3808,1 3810 | 3809,1 3811 | 3810,1 3812 | 3811,1 3813 | 3812,1 3814 | 3813,1 3815 | 3814,1 3816 | 3815,1 3817 | 3816,1 3818 | 3817,1 3819 | 3818,1 3820 | 3819,1 3821 | 3820,1 3822 | 3821,1 3823 | 3822,1 3824 | 3823,1 3825 | 3824,1 3826 | 3825,1 3827 | 3826,1 3828 | 3827,1 3829 | 3828,1 3830 | 3829,1 3831 | 3830,1 3832 | 3831,1 3833 | 3832,1 3834 | 3833,1 3835 | 3834,1 3836 | 3835,1 3837 | 3836,1 3838 | 3837,1 3839 | 3838,1 3840 | 3839,1 3841 | 3840,1 3842 | 3841,1 3843 | 3842,1 3844 | 3843,1 3845 | 3844,1 3846 | 3845,1 3847 | 3846,1 3848 | 3847,1 3849 | 3848,1 3850 | 3849,1 3851 | 3850,1 3852 | 3851,1 3853 | 3852,1 3854 | 3853,1 3855 | 3854,1 3856 | 3855,1 3857 | 3856,1 3858 | 3857,1 3859 | 3858,1 3860 | 3859,1 3861 | 3860,1 3862 | 3861,1 3863 | 3862,1 3864 | 3863,1 3865 | 3864,1 3866 | 3865,1 3867 | 3866,1 3868 | 3867,1 3869 | 3868,1 3870 | 3869,1 3871 | 3870,1 3872 | 3871,1 3873 | 3872,1 3874 | 3873,1 3875 | 3874,1 3876 | 3875,1 3877 | 3876,1 3878 | 3877,1 3879 | 3878,1 3880 | 3879,1 3881 | 3880,1 3882 | 3881,1 3883 | 3882,1 3884 | 3883,1 3885 | 3884,1 3886 | 3885,1 3887 | 3886,1 3888 | 3887,1 3889 | 3888,1 3890 | 3889,1 3891 | 3890,1 3892 | 3891,1 3893 | 3892,1 3894 | 3893,1 3895 | 3894,1 3896 | 3895,1 3897 | 3896,1 3898 | 3897,1 3899 | 3898,1 3900 | 3899,1 3901 | 3900,1 3902 | 3901,1 3903 | 3902,1 3904 | 3903,1 3905 | 3904,1 3906 | 3905,1 3907 | 3906,1 3908 | 3907,1 3909 | 3908,1 3910 | 3909,1 3911 | 3910,1 3912 | 3911,1 3913 | 3912,1 3914 | 3913,1 3915 | 3914,1 3916 | 3915,1 3917 | 3916,1 3918 | 3917,1 3919 | 3918,1 3920 | 3919,1 3921 | 3920,1 3922 | 3921,1 3923 | 3922,1 3924 | 3923,1 3925 | 3924,1 3926 | 3925,1 3927 | 3926,1 3928 | 3927,1 3929 | 3928,1 3930 | 3929,1 3931 | 3930,1 3932 | 3931,1 3933 | 3932,1 3934 | 3933,1 3935 | 3934,1 3936 | 3935,1 3937 | 3936,1 3938 | 3937,1 3939 | 3938,1 3940 | 3939,1 3941 | 3940,1 3942 | 3941,1 3943 | 3942,1 3944 | 3943,1 3945 | 3944,1 3946 | 3945,1 3947 | 3946,1 3948 | 3947,1 3949 | 3948,1 3950 | 3949,1 3951 | 3950,1 3952 | 3951,1 3953 | 3952,1 3954 | 3953,1 3955 | 3954,1 3956 | 3955,1 3957 | 3956,1 3958 | 3957,1 3959 | 3958,1 3960 | 3959,1 3961 | 3960,1 3962 | 3961,1 3963 | 3962,1 3964 | 3963,1 3965 | 3964,1 3966 | 3965,1 3967 | 3966,1 3968 | 3967,1 3969 | 3968,1 3970 | 3969,1 3971 | 3970,1 3972 | 3971,1 3973 | 3972,1 3974 | 3973,1 3975 | 3974,1 3976 | 3975,1 3977 | 3976,1 3978 | 3977,1 3979 | 3978,1 3980 | 3979,1 3981 | 3980,1 3982 | 3981,1 3983 | 3982,1 3984 | 3983,1 3985 | 3984,1 3986 | 3985,1 3987 | 3986,1 3988 | 3987,1 3989 | 3988,1 3990 | 3989,1 3991 | 3990,1 3992 | 3991,1 3993 | 3992,1 3994 | 3993,1 3995 | 3994,1 3996 | 3995,1 3997 | 3996,1 3998 | 3997,1 3999 | 3998,1 4000 | 3999,1 4001 | 4000,1 4002 | 4001,1 4003 | 4002,1 4004 | 4003,1 4005 | 4004,1 4006 | 4005,1 4007 | 4006,1 4008 | 4007,1 4009 | 4008,1 4010 | 4009,1 4011 | 4010,1 4012 | 4011,1 4013 | 4012,1 4014 | 4013,1 4015 | 4014,1 4016 | 4015,1 4017 | 4016,1 4018 | 4017,1 4019 | 4018,1 4020 | 4019,1 4021 | 4020,1 4022 | 4021,1 4023 | 4022,1 4024 | 4023,1 4025 | 4024,1 4026 | 4025,1 4027 | 4026,1 4028 | 4027,1 4029 | 4028,1 4030 | 4029,1 4031 | 4030,1 4032 | 4031,1 4033 | 4032,1 4034 | 4033,1 4035 | 4034,1 4036 | 4035,1 4037 | 4036,1 4038 | 4037,1 4039 | 4038,1 4040 | 4039,1 4041 | 4040,1 4042 | 4041,1 4043 | 4042,1 4044 | 4043,1 4045 | 4044,1 4046 | 4045,1 4047 | 4046,1 4048 | 4047,1 4049 | 4048,1 4050 | 4049,1 4051 | 4050,1 4052 | 4051,1 4053 | 4052,1 4054 | 4053,1 4055 | 4054,1 4056 | 4055,1 4057 | 4056,1 4058 | 4057,1 4059 | 4058,1 4060 | 4059,1 4061 | 4060,1 4062 | 4061,1 4063 | 4062,1 4064 | 4063,1 4065 | 4064,1 4066 | 4065,1 4067 | 4066,1 4068 | 4067,1 4069 | 4068,1 4070 | 4069,1 4071 | 4070,1 4072 | 4071,1 4073 | 4072,1 4074 | 4073,1 4075 | 4074,1 4076 | 4075,1 4077 | 4076,1 4078 | 4077,1 4079 | 4078,1 4080 | 4079,1 4081 | 4080,1 4082 | 4081,1 4083 | 4082,1 4084 | 4083,1 4085 | 4084,1 4086 | 4085,1 4087 | 4086,1 4088 | 4087,1 4089 | 4088,1 4090 | 4089,1 4091 | 4090,1 4092 | 4091,1 4093 | 4092,1 4094 | 4093,1 4095 | 4094,1 4096 | 4095,1 4097 | 4096,1 4098 | 4097,1 4099 | 4098,1 4100 | 4099,1 4101 | 4100,1 4102 | 4101,1 4103 | 4102,1 4104 | 4103,1 4105 | 4104,1 4106 | 4105,1 4107 | 4106,1 4108 | 4107,1 4109 | 4108,1 4110 | 4109,1 4111 | 4110,1 4112 | 4111,1 4113 | 4112,1 4114 | 4113,1 4115 | 4114,1 4116 | 4115,1 4117 | 4116,1 4118 | 4117,1 4119 | 4118,1 4120 | 4119,1 4121 | 4120,1 4122 | 4121,1 4123 | 4122,1 4124 | 4123,1 4125 | 4124,1 4126 | 4125,1 4127 | 4126,1 4128 | 4127,1 4129 | 4128,1 4130 | 4129,1 4131 | 4130,1 4132 | 4131,1 4133 | 4132,1 4134 | 4133,1 4135 | 4134,1 4136 | 4135,1 4137 | 4136,1 4138 | 4137,1 4139 | 4138,1 4140 | 4139,1 4141 | 4140,1 4142 | 4141,1 4143 | 4142,1 4144 | 4143,1 4145 | 4144,1 4146 | 4145,1 4147 | 4146,1 4148 | 4147,1 4149 | 4148,1 4150 | 4149,1 4151 | 4150,1 4152 | 4151,1 4153 | 4152,1 4154 | 4153,1 4155 | 4154,1 4156 | 4155,1 4157 | 4156,1 4158 | 4157,1 4159 | 4158,1 4160 | 4159,1 4161 | 4160,1 4162 | 4161,1 4163 | 4162,1 4164 | 4163,1 4165 | 4164,1 4166 | 4165,1 4167 | 4166,1 4168 | 4167,1 4169 | 4168,1 4170 | 4169,1 4171 | 4170,1 4172 | 4171,1 4173 | 4172,1 4174 | 4173,1 4175 | 4174,1 4176 | 4175,1 4177 | 4176,1 4178 | 4177,1 4179 | 4178,1 4180 | 4179,1 4181 | 4180,1 4182 | 4181,1 4183 | 4182,1 4184 | 4183,1 4185 | 4184,1 4186 | 4185,1 4187 | 4186,1 4188 | 4187,1 4189 | 4188,1 4190 | 4189,1 4191 | 4190,1 4192 | 4191,1 4193 | 4192,1 4194 | 4193,1 4195 | 4194,1 4196 | 4195,1 4197 | 4196,1 4198 | 4197,1 4199 | 4198,1 4200 | 4199,1 4201 | 4200,1 4202 | 4201,1 4203 | 4202,1 4204 | 4203,1 4205 | 4204,1 4206 | 4205,1 4207 | 4206,1 4208 | 4207,1 4209 | 4208,1 4210 | 4209,1 4211 | 4210,1 4212 | 4211,1 4213 | 4212,1 4214 | 4213,1 4215 | 4214,1 4216 | 4215,1 4217 | 4216,1 4218 | 4217,1 4219 | 4218,1 4220 | 4219,1 4221 | 4220,1 4222 | 4221,1 4223 | 4222,1 4224 | 4223,1 4225 | 4224,1 4226 | 4225,1 4227 | 4226,1 4228 | 4227,1 4229 | 4228,1 4230 | 4229,1 4231 | 4230,1 4232 | 4231,1 4233 | 4232,1 4234 | 4233,1 4235 | 4234,1 4236 | 4235,1 4237 | 4236,1 4238 | 4237,1 4239 | 4238,1 4240 | 4239,1 4241 | 4240,1 4242 | 4241,1 4243 | 4242,1 4244 | 4243,1 4245 | 4244,1 4246 | 4245,1 4247 | 4246,1 4248 | 4247,1 4249 | 4248,1 4250 | 4249,1 4251 | 4250,1 4252 | 4251,1 4253 | 4252,1 4254 | 4253,1 4255 | 4254,1 4256 | 4255,1 4257 | 4256,1 4258 | 4257,1 4259 | 4258,1 4260 | 4259,1 4261 | 4260,1 4262 | 4261,1 4263 | 4262,1 4264 | 4263,1 4265 | 4264,1 4266 | 4265,1 4267 | 4266,1 4268 | 4267,1 4269 | 4268,1 4270 | 4269,1 4271 | 4270,1 4272 | 4271,1 4273 | 4272,1 4274 | 4273,1 4275 | 4274,1 4276 | 4275,1 4277 | 4276,1 4278 | 4277,1 4279 | 4278,1 4280 | 4279,1 4281 | 4280,1 4282 | 4281,1 4283 | 4282,1 4284 | 4283,1 4285 | 4284,1 4286 | 4285,1 4287 | 4286,1 4288 | 4287,1 4289 | 4288,1 4290 | 4289,1 4291 | 4290,1 4292 | 4291,1 4293 | 4292,1 4294 | 4293,1 4295 | 4294,1 4296 | 4295,1 4297 | 4296,1 4298 | 4297,1 4299 | 4298,1 4300 | 4299,1 4301 | 4300,1 4302 | 4301,1 4303 | 4302,1 4304 | 4303,1 4305 | 4304,1 4306 | 4305,1 4307 | 4306,1 4308 | 4307,1 4309 | 4308,1 4310 | 4309,1 4311 | 4310,1 4312 | 4311,1 4313 | 4312,1 4314 | 4313,1 4315 | 4314,1 4316 | 4315,1 4317 | 4316,1 4318 | 4317,1 4319 | 4318,1 4320 | 4319,1 4321 | 4320,1 4322 | 4321,1 4323 | 4322,1 4324 | 4323,1 4325 | 4324,1 4326 | 4325,1 4327 | 4326,1 4328 | 4327,1 4329 | 4328,1 4330 | 4329,1 4331 | 4330,1 4332 | 4331,1 4333 | 4332,1 4334 | 4333,1 4335 | 4334,1 4336 | 4335,1 4337 | 4336,1 4338 | 4337,1 4339 | 4338,1 4340 | 4339,1 4341 | 4340,1 4342 | 4341,1 4343 | 4342,1 4344 | 4343,1 4345 | 4344,1 4346 | 4345,1 4347 | 4346,1 4348 | 4347,1 4349 | 4348,1 4350 | 4349,1 4351 | 4350,1 4352 | 4351,1 4353 | 4352,1 4354 | 4353,1 4355 | 4354,1 4356 | 4355,1 4357 | 4356,1 4358 | 4357,1 4359 | 4358,1 4360 | 4359,1 4361 | 4360,1 4362 | 4361,1 4363 | 4362,1 4364 | 4363,1 4365 | 4364,1 4366 | 4365,1 4367 | 4366,1 4368 | 4367,1 4369 | 4368,1 4370 | 4369,1 4371 | 4370,1 4372 | 4371,1 4373 | 4372,1 4374 | 4373,1 4375 | 4374,1 4376 | 4375,1 4377 | 4376,1 4378 | 4377,1 4379 | 4378,1 4380 | 4379,1 4381 | 4380,1 4382 | 4381,1 4383 | 4382,1 4384 | 4383,1 4385 | 4384,1 4386 | 4385,1 4387 | 4386,1 4388 | 4387,1 4389 | 4388,1 4390 | 4389,1 4391 | 4390,1 4392 | 4391,1 4393 | 4392,1 4394 | 4393,1 4395 | 4394,1 4396 | 4395,1 4397 | 4396,1 4398 | 4397,1 4399 | 4398,1 4400 | 4399,1 4401 | 4400,1 4402 | 4401,1 4403 | 4402,1 4404 | 4403,1 4405 | 4404,1 4406 | 4405,1 4407 | 4406,1 4408 | 4407,1 4409 | 4408,1 4410 | 4409,1 4411 | 4410,1 4412 | 4411,1 4413 | 4412,1 4414 | 4413,1 4415 | 4414,1 4416 | 4415,1 4417 | 4416,1 4418 | 4417,1 4419 | 4418,1 4420 | 4419,1 4421 | 4420,1 4422 | 4421,1 4423 | 4422,1 4424 | 4423,1 4425 | 4424,1 4426 | 4425,1 4427 | 4426,1 4428 | 4427,1 4429 | 4428,1 4430 | 4429,1 4431 | 4430,1 4432 | 4431,1 4433 | 4432,1 4434 | 4433,1 4435 | 4434,1 4436 | 4435,1 4437 | 4436,1 4438 | 4437,1 4439 | 4438,1 4440 | 4439,1 4441 | 4440,1 4442 | 4441,1 4443 | 4442,1 4444 | 4443,1 4445 | 4444,1 4446 | 4445,1 4447 | 4446,1 4448 | 4447,1 4449 | 4448,1 4450 | 4449,1 4451 | 4450,1 4452 | 4451,1 4453 | 4452,1 4454 | 4453,1 4455 | 4454,1 4456 | 4455,1 4457 | 4456,1 4458 | 4457,1 4459 | 4458,1 4460 | 4459,1 4461 | 4460,1 4462 | 4461,1 4463 | 4462,1 4464 | 4463,1 4465 | 4464,1 4466 | 4465,1 4467 | 4466,1 4468 | 4467,1 4469 | 4468,1 4470 | 4469,1 4471 | 4470,1 4472 | 4471,1 4473 | 4472,1 4474 | 4473,1 4475 | 4474,1 4476 | 4475,1 4477 | 4476,1 4478 | 4477,1 4479 | 4478,1 4480 | 4479,1 4481 | 4480,1 4482 | 4481,1 4483 | 4482,1 4484 | 4483,1 4485 | 4484,1 4486 | 4485,1 4487 | 4486,1 4488 | 4487,1 4489 | 4488,1 4490 | 4489,1 4491 | 4490,1 4492 | 4491,1 4493 | 4492,1 4494 | 4493,1 4495 | 4494,1 4496 | 4495,1 4497 | 4496,1 4498 | 4497,1 4499 | 4498,1 4500 | 4499,1 4501 | 4500,1 4502 | 4501,1 4503 | 4502,1 4504 | 4503,1 4505 | 4504,1 4506 | 4505,1 4507 | 4506,1 4508 | 4507,1 4509 | 4508,1 4510 | 4509,1 4511 | 4510,1 4512 | 4511,1 4513 | 4512,1 4514 | 4513,1 4515 | 4514,1 4516 | 4515,1 4517 | 4516,1 4518 | 4517,1 4519 | 4518,1 4520 | 4519,1 4521 | 4520,1 4522 | 4521,1 4523 | 4522,1 4524 | 4523,1 4525 | 4524,1 4526 | 4525,1 4527 | 4526,1 4528 | 4527,1 4529 | 4528,1 4530 | 4529,1 4531 | 4530,1 4532 | 4531,1 4533 | 4532,1 4534 | 4533,1 4535 | 4534,1 4536 | 4535,1 4537 | 4536,1 4538 | 4537,1 4539 | 4538,1 4540 | 4539,1 4541 | 4540,1 4542 | 4541,1 4543 | 4542,1 4544 | 4543,1 4545 | 4544,1 4546 | 4545,1 4547 | 4546,1 4548 | 4547,1 4549 | 4548,1 4550 | 4549,1 4551 | 4550,1 4552 | 4551,1 4553 | 4552,1 4554 | 4553,1 4555 | 4554,1 4556 | 4555,1 4557 | 4556,1 4558 | 4557,1 4559 | 4558,1 4560 | 4559,1 4561 | 4560,1 4562 | 4561,1 4563 | 4562,1 4564 | 4563,1 4565 | 4564,1 4566 | 4565,1 4567 | 4566,1 4568 | 4567,1 4569 | 4568,1 4570 | 4569,1 4571 | 4570,1 4572 | 4571,1 4573 | 4572,1 4574 | 4573,1 4575 | 4574,1 4576 | 4575,1 4577 | 4576,1 4578 | 4577,1 4579 | 4578,1 4580 | 4579,1 4581 | 4580,1 4582 | 4581,1 4583 | 4582,1 4584 | 4583,1 4585 | 4584,1 4586 | 4585,1 4587 | 4586,1 4588 | 4587,1 4589 | 4588,1 4590 | 4589,1 4591 | 4590,1 4592 | 4591,1 4593 | 4592,1 4594 | 4593,1 4595 | 4594,1 4596 | 4595,1 4597 | 4596,1 4598 | 4597,1 4599 | 4598,1 4600 | 4599,1 4601 | 4600,1 4602 | 4601,1 4603 | 4602,1 4604 | 4603,1 4605 | 4604,1 4606 | 4605,1 4607 | 4606,1 4608 | 4607,1 4609 | 4608,1 4610 | 4609,1 4611 | 4610,1 4612 | 4611,1 4613 | 4612,1 4614 | 4613,1 4615 | 4614,1 4616 | 4615,1 4617 | 4616,1 4618 | 4617,1 4619 | 4618,1 4620 | 4619,1 4621 | 4620,1 4622 | 4621,1 4623 | 4622,1 4624 | 4623,1 4625 | 4624,1 4626 | 4625,1 4627 | 4626,1 4628 | 4627,1 4629 | 4628,1 4630 | 4629,1 4631 | 4630,1 4632 | 4631,1 4633 | 4632,1 4634 | 4633,1 4635 | 4634,1 4636 | 4635,1 4637 | 4636,1 4638 | 4637,1 4639 | 4638,1 4640 | 4639,1 4641 | 4640,1 4642 | 4641,1 4643 | 4642,1 4644 | 4643,1 4645 | 4644,1 4646 | 4645,1 4647 | 4646,1 4648 | 4647,1 4649 | 4648,1 4650 | 4649,1 4651 | 4650,1 4652 | 4651,1 4653 | 4652,1 4654 | 4653,1 4655 | 4654,1 4656 | 4655,1 4657 | 4656,1 4658 | 4657,1 4659 | 4658,1 4660 | 4659,1 4661 | 4660,1 4662 | 4661,1 4663 | 4662,1 4664 | 4663,1 4665 | 4664,1 4666 | 4665,1 4667 | 4666,1 4668 | 4667,1 4669 | 4668,1 4670 | 4669,1 4671 | 4670,1 4672 | 4671,1 4673 | 4672,1 4674 | 4673,1 4675 | 4674,1 4676 | 4675,1 4677 | 4676,1 4678 | 4677,1 4679 | 4678,1 4680 | 4679,1 4681 | 4680,1 4682 | 4681,1 4683 | 4682,1 4684 | 4683,1 4685 | 4684,1 4686 | 4685,1 4687 | 4686,1 4688 | 4687,1 4689 | 4688,1 4690 | 4689,1 4691 | 4690,1 4692 | 4691,1 4693 | 4692,1 4694 | 4693,1 4695 | 4694,1 4696 | 4695,1 4697 | 4696,1 4698 | 4697,1 4699 | 4698,1 4700 | 4699,1 4701 | 4700,1 4702 | 4701,1 4703 | 4702,1 4704 | 4703,1 4705 | 4704,1 4706 | 4705,1 4707 | 4706,1 4708 | 4707,1 4709 | 4708,1 4710 | 4709,1 4711 | 4710,1 4712 | 4711,1 4713 | 4712,1 4714 | 4713,1 4715 | 4714,1 4716 | 4715,1 4717 | 4716,1 4718 | 4717,1 4719 | 4718,1 4720 | 4719,1 4721 | 4720,1 4722 | 4721,1 4723 | 4722,1 4724 | 4723,1 4725 | 4724,1 4726 | 4725,1 4727 | 4726,1 4728 | 4727,1 4729 | 4728,1 4730 | 4729,1 4731 | 4730,1 4732 | 4731,1 4733 | 4732,1 4734 | 4733,1 4735 | 4734,1 4736 | 4735,1 4737 | 4736,1 4738 | 4737,1 4739 | 4738,1 4740 | 4739,1 4741 | 4740,1 4742 | 4741,1 4743 | 4742,1 4744 | 4743,1 4745 | 4744,1 4746 | 4745,1 4747 | 4746,1 4748 | 4747,1 4749 | 4748,1 4750 | 4749,1 4751 | 4750,1 4752 | 4751,1 4753 | 4752,1 4754 | 4753,1 4755 | 4754,1 4756 | 4755,1 4757 | 4756,1 4758 | 4757,1 4759 | 4758,1 4760 | 4759,1 4761 | 4760,1 4762 | 4761,1 4763 | 4762,1 4764 | 4763,1 4765 | 4764,1 4766 | 4765,1 4767 | 4766,1 4768 | 4767,1 4769 | 4768,1 4770 | 4769,1 4771 | 4770,1 4772 | 4771,1 4773 | 4772,1 4774 | 4773,1 4775 | 4774,1 4776 | 4775,1 4777 | 4776,1 4778 | 4777,1 4779 | 4778,1 4780 | 4779,1 4781 | 4780,1 4782 | 4781,1 4783 | 4782,1 4784 | 4783,1 4785 | 4784,1 4786 | 4785,1 4787 | 4786,1 4788 | 4787,1 4789 | 4788,1 4790 | 4789,1 4791 | 4790,1 4792 | 4791,1 4793 | 4792,1 4794 | 4793,1 4795 | 4794,1 4796 | 4795,1 4797 | 4796,1 4798 | 4797,1 4799 | 4798,1 4800 | 4799,1 4801 | 4800,1 4802 | 4801,1 4803 | 4802,1 4804 | 4803,1 4805 | 4804,1 4806 | 4805,1 4807 | 4806,1 4808 | 4807,1 4809 | 4808,1 4810 | 4809,1 4811 | 4810,1 4812 | 4811,1 4813 | 4812,1 4814 | 4813,1 4815 | 4814,1 4816 | 4815,1 4817 | 4816,1 4818 | 4817,1 4819 | 4818,1 4820 | 4819,1 4821 | 4820,1 4822 | 4821,1 4823 | 4822,1 4824 | 4823,1 4825 | 4824,1 4826 | 4825,1 4827 | 4826,1 4828 | 4827,1 4829 | 4828,1 4830 | 4829,1 4831 | 4830,1 4832 | 4831,1 4833 | 4832,1 4834 | 4833,1 4835 | 4834,1 4836 | 4835,1 4837 | 4836,1 4838 | 4837,1 4839 | 4838,1 4840 | 4839,1 4841 | 4840,1 4842 | 4841,1 4843 | 4842,1 4844 | 4843,1 4845 | 4844,1 4846 | 4845,1 4847 | 4846,1 4848 | 4847,1 4849 | 4848,1 4850 | 4849,1 4851 | 4850,1 4852 | 4851,1 4853 | 4852,1 4854 | 4853,1 4855 | 4854,1 4856 | 4855,1 4857 | 4856,1 4858 | 4857,1 4859 | 4858,1 4860 | 4859,1 4861 | 4860,1 4862 | 4861,1 4863 | 4862,1 4864 | 4863,1 4865 | 4864,1 4866 | 4865,1 4867 | 4866,1 4868 | 4867,1 4869 | 4868,1 4870 | 4869,1 4871 | 4870,1 4872 | 4871,1 4873 | 4872,1 4874 | 4873,1 4875 | 4874,1 4876 | 4875,1 4877 | 4876,1 4878 | 4877,1 4879 | 4878,1 4880 | 4879,1 4881 | 4880,1 4882 | 4881,1 4883 | 4882,1 4884 | 4883,1 4885 | 4884,1 4886 | 4885,1 4887 | 4886,1 4888 | 4887,1 4889 | 4888,1 4890 | 4889,1 4891 | 4890,1 4892 | 4891,1 4893 | 4892,1 4894 | 4893,1 4895 | 4894,1 4896 | 4895,1 4897 | 4896,1 4898 | 4897,1 4899 | 4898,1 4900 | 4899,1 4901 | 4900,1 4902 | 4901,1 4903 | 4902,1 4904 | 4903,1 4905 | 4904,1 4906 | 4905,1 4907 | 4906,1 4908 | 4907,1 4909 | 4908,1 4910 | 4909,1 4911 | 4910,1 4912 | 4911,1 4913 | 4912,1 4914 | 4913,1 4915 | 4914,1 4916 | 4915,1 4917 | 4916,1 4918 | 4917,1 4919 | 4918,1 4920 | 4919,1 4921 | 4920,1 4922 | 4921,1 4923 | 4922,1 4924 | 4923,1 4925 | 4924,1 4926 | 4925,1 4927 | 4926,1 4928 | 4927,1 4929 | 4928,1 4930 | 4929,1 4931 | 4930,1 4932 | 4931,1 4933 | 4932,1 4934 | 4933,1 4935 | 4934,1 4936 | 4935,1 4937 | 4936,1 4938 | 4937,1 4939 | 4938,1 4940 | 4939,1 4941 | 4940,1 4942 | 4941,1 4943 | 4942,1 4944 | 4943,1 4945 | 4944,1 4946 | 4945,1 4947 | 4946,1 4948 | 4947,1 4949 | 4948,1 4950 | 4949,1 4951 | 4950,1 4952 | 4951,1 4953 | 4952,1 4954 | 4953,1 4955 | 4954,1 4956 | 4955,1 4957 | 4956,1 4958 | 4957,1 4959 | 4958,1 4960 | 4959,1 4961 | 4960,1 4962 | 4961,1 4963 | 4962,1 4964 | 4963,1 4965 | 4964,1 4966 | 4965,1 4967 | 4966,1 4968 | 4967,1 4969 | 4968,1 4970 | 4969,1 4971 | 4970,1 4972 | 4971,1 4973 | 4972,1 4974 | 4973,1 4975 | 4974,1 4976 | 4975,1 4977 | 4976,1 4978 | 4977,1 4979 | 4978,1 4980 | 4979,1 4981 | 4980,1 4982 | 4981,1 4983 | 4982,1 4984 | 4983,1 4985 | 4984,1 4986 | 4985,1 4987 | 4986,1 4988 | 4987,1 4989 | 4988,1 4990 | 4989,1 4991 | 4990,1 4992 | 4991,1 4993 | 4992,1 4994 | 4993,1 4995 | 4994,1 4996 | 4995,1 4997 | 4996,1 4998 | 4997,1 4999 | 4998,1 5000 | 4999,1 5001 | 5000,1 5002 | 5001,1 5003 | 5002,1 5004 | 5003,1 5005 | 5004,1 5006 | 5005,1 5007 | 5006,1 5008 | 5007,1 5009 | 5008,1 5010 | 5009,1 5011 | 5010,1 5012 | 5011,1 5013 | 5012,1 5014 | 5013,1 5015 | 5014,1 5016 | 5015,1 5017 | 5016,1 5018 | 5017,1 5019 | 5018,1 5020 | 5019,1 5021 | 5020,1 5022 | 5021,1 5023 | 5022,1 5024 | 5023,1 5025 | 5024,1 5026 | 5025,1 5027 | 5026,1 5028 | 5027,1 5029 | 5028,1 5030 | 5029,1 5031 | 5030,1 5032 | 5031,1 5033 | 5032,1 5034 | 5033,1 5035 | 5034,1 5036 | 5035,1 5037 | 5036,1 5038 | 5037,1 5039 | 5038,1 5040 | 5039,1 5041 | 5040,1 5042 | 5041,1 5043 | 5042,1 5044 | 5043,1 5045 | 5044,1 5046 | 5045,1 5047 | 5046,1 5048 | 5047,1 5049 | 5048,1 5050 | 5049,1 5051 | 5050,1 5052 | 5051,1 5053 | 5052,1 5054 | 5053,1 5055 | 5054,1 5056 | 5055,1 5057 | 5056,1 5058 | 5057,1 5059 | 5058,1 5060 | 5059,1 5061 | 5060,1 5062 | 5061,1 5063 | 5062,1 5064 | 5063,1 5065 | 5064,1 5066 | 5065,1 5067 | 5066,1 5068 | 5067,1 5069 | 5068,1 5070 | 5069,1 5071 | 5070,1 5072 | 5071,1 5073 | 5072,1 5074 | 5073,1 5075 | 5074,1 5076 | 5075,1 5077 | 5076,1 5078 | 5077,1 5079 | 5078,1 5080 | 5079,1 5081 | 5080,1 5082 | 5081,1 5083 | 5082,1 5084 | 5083,1 5085 | 5084,1 5086 | 5085,1 5087 | 5086,1 5088 | 5087,1 5089 | 5088,1 5090 | 5089,1 5091 | 5090,1 5092 | 5091,1 5093 | 5092,1 5094 | 5093,1 5095 | 5094,1 5096 | 5095,1 5097 | 5096,1 5098 | 5097,1 5099 | 5098,1 5100 | 5099,1 5101 | 5100,1 5102 | 5101,1 5103 | 5102,1 5104 | 5103,1 5105 | 5104,1 5106 | 5105,1 5107 | 5106,1 5108 | 5107,1 5109 | 5108,1 5110 | 5109,1 5111 | 5110,1 5112 | 5111,1 5113 | 5112,1 5114 | 5113,1 5115 | 5114,1 5116 | 5115,1 5117 | 5116,1 5118 | 5117,1 5119 | 5118,1 5120 | 5119,1 5121 | 5120,1 5122 | 5121,1 5123 | 5122,1 5124 | 5123,1 5125 | 5124,1 5126 | 5125,1 5127 | 5126,1 5128 | 5127,1 5129 | 5128,1 5130 | 5129,1 5131 | 5130,1 5132 | 5131,1 5133 | 5132,1 5134 | 5133,1 5135 | 5134,1 5136 | 5135,1 5137 | 5136,1 5138 | 5137,1 5139 | 5138,1 5140 | 5139,1 5141 | 5140,1 5142 | 5141,1 5143 | 5142,1 5144 | 5143,1 5145 | 5144,1 5146 | 5145,1 5147 | 5146,1 5148 | 5147,1 5149 | 5148,1 5150 | 5149,1 5151 | 5150,1 5152 | 5151,1 5153 | 5152,1 5154 | 5153,1 5155 | 5154,1 5156 | 5155,1 5157 | 5156,1 5158 | 5157,1 5159 | 5158,1 5160 | 5159,1 5161 | 5160,1 5162 | 5161,1 5163 | 5162,1 5164 | 5163,1 5165 | 5164,1 5166 | 5165,1 5167 | 5166,1 5168 | 5167,1 5169 | 5168,1 5170 | 5169,1 5171 | 5170,1 5172 | 5171,1 5173 | 5172,1 5174 | 5173,1 5175 | 5174,1 5176 | 5175,1 5177 | 5176,1 5178 | 5177,1 5179 | 5178,1 5180 | 5179,1 5181 | 5180,1 5182 | 5181,1 5183 | 5182,1 5184 | 5183,1 5185 | 5184,1 5186 | 5185,1 5187 | 5186,1 5188 | 5187,1 5189 | 5188,1 5190 | 5189,1 5191 | 5190,1 5192 | 5191,1 5193 | 5192,1 5194 | 5193,1 5195 | 5194,1 5196 | 5195,1 5197 | 5196,1 5198 | 5197,1 5199 | 5198,1 5200 | 5199,1 5201 | 5200,1 5202 | 5201,1 5203 | 5202,1 5204 | 5203,1 5205 | 5204,1 5206 | 5205,1 5207 | 5206,1 5208 | 5207,1 5209 | 5208,1 5210 | 5209,1 5211 | 5210,1 5212 | 5211,1 5213 | 5212,1 5214 | 5213,1 5215 | 5214,1 5216 | 5215,1 5217 | 5216,1 5218 | 5217,1 5219 | 5218,1 5220 | 5219,1 5221 | 5220,1 5222 | 5221,1 5223 | 5222,1 5224 | 5223,1 5225 | 5224,1 5226 | 5225,1 5227 | 5226,1 5228 | 5227,1 5229 | 5228,1 5230 | 5229,1 5231 | 5230,1 5232 | 5231,1 5233 | 5232,1 5234 | 5233,1 5235 | 5234,1 5236 | 5235,1 5237 | 5236,1 5238 | 5237,1 5239 | 5238,1 5240 | 5239,1 5241 | 5240,1 5242 | 5241,1 5243 | 5242,1 5244 | 5243,1 5245 | 5244,1 5246 | 5245,1 5247 | 5246,1 5248 | 5247,1 5249 | 5248,1 5250 | 5249,1 5251 | 5250,1 5252 | 5251,1 5253 | 5252,1 5254 | 5253,1 5255 | 5254,1 5256 | 5255,1 5257 | 5256,1 5258 | 5257,1 5259 | 5258,1 5260 | 5259,1 5261 | 5260,1 5262 | 5261,1 5263 | 5262,1 5264 | 5263,1 5265 | 5264,1 5266 | 5265,1 5267 | 5266,1 5268 | 5267,1 5269 | 5268,1 5270 | 5269,1 5271 | 5270,1 5272 | 5271,1 5273 | 5272,1 5274 | 5273,1 5275 | 5274,1 5276 | 5275,1 5277 | 5276,1 5278 | 5277,1 5279 | 5278,1 5280 | 5279,1 5281 | 5280,1 5282 | 5281,1 5283 | 5282,1 5284 | 5283,1 5285 | 5284,1 5286 | 5285,1 5287 | 5286,1 5288 | 5287,1 5289 | 5288,1 5290 | 5289,1 5291 | 5290,1 5292 | 5291,1 5293 | 5292,1 5294 | 5293,1 5295 | 5294,1 5296 | 5295,1 5297 | 5296,1 5298 | 5297,1 5299 | 5298,1 5300 | 5299,1 5301 | 5300,1 5302 | 5301,1 5303 | 5302,1 5304 | 5303,1 5305 | 5304,1 5306 | 5305,1 5307 | 5306,1 5308 | 5307,1 5309 | 5308,1 5310 | 5309,1 5311 | 5310,1 5312 | 5311,1 5313 | 5312,1 5314 | 5313,1 5315 | 5314,1 5316 | 5315,1 5317 | 5316,1 5318 | 5317,1 5319 | 5318,1 5320 | 5319,1 5321 | 5320,1 5322 | 5321,1 5323 | 5322,1 5324 | 5323,1 5325 | 5324,1 5326 | 5325,1 5327 | 5326,1 5328 | 5327,1 5329 | 5328,1 5330 | 5329,1 5331 | 5330,1 5332 | 5331,1 5333 | 5332,1 5334 | 5333,1 5335 | 5334,1 5336 | 5335,1 5337 | 5336,1 5338 | 5337,1 5339 | 5338,1 5340 | 5339,1 5341 | 5340,1 5342 | 5341,1 5343 | 5342,1 5344 | 5343,1 5345 | 5344,1 5346 | 5345,1 5347 | 5346,1 5348 | 5347,1 5349 | 5348,1 5350 | 5349,1 5351 | 5350,1 5352 | 5351,1 5353 | 5352,1 5354 | 5353,1 5355 | 5354,1 5356 | 5355,1 5357 | 5356,1 5358 | 5357,1 5359 | 5358,1 5360 | 5359,1 5361 | 5360,1 5362 | 5361,1 5363 | 5362,1 5364 | 5363,1 5365 | 5364,1 5366 | 5365,1 5367 | 5366,1 5368 | 5367,1 5369 | 5368,1 5370 | 5369,1 5371 | 5370,1 5372 | 5371,1 5373 | 5372,1 5374 | 5373,1 5375 | 5374,1 5376 | 5375,1 5377 | 5376,1 5378 | 5377,1 5379 | 5378,1 5380 | 5379,1 5381 | 5380,1 5382 | 5381,1 5383 | 5382,1 5384 | 5383,1 5385 | 5384,1 5386 | 5385,1 5387 | 5386,1 5388 | 5387,1 5389 | 5388,1 5390 | 5389,1 5391 | 5390,1 5392 | 5391,1 5393 | 5392,1 5394 | 5393,1 5395 | 5394,1 5396 | 5395,1 5397 | 5396,1 5398 | 5397,1 5399 | 5398,1 5400 | 5399,1 5401 | 5400,1 5402 | 5401,1 5403 | 5402,1 5404 | 5403,1 5405 | 5404,1 5406 | 5405,1 5407 | 5406,1 5408 | 5407,1 5409 | 5408,1 5410 | 5409,1 5411 | 5410,1 5412 | 5411,1 5413 | 5412,1 5414 | 5413,1 5415 | 5414,1 5416 | 5415,1 5417 | 5416,1 5418 | 5417,1 5419 | 5418,1 5420 | 5419,1 5421 | 5420,1 5422 | 5421,1 5423 | 5422,1 5424 | 5423,1 5425 | 5424,1 5426 | 5425,1 5427 | 5426,1 5428 | 5427,1 5429 | 5428,1 5430 | 5429,1 5431 | 5430,1 5432 | 5431,1 5433 | 5432,1 5434 | 5433,1 5435 | 5434,1 5436 | 5435,1 5437 | 5436,1 5438 | 5437,1 5439 | 5438,1 5440 | 5439,1 5441 | 5440,1 5442 | 5441,1 5443 | 5442,1 5444 | 5443,1 5445 | 5444,1 5446 | 5445,1 5447 | 5446,1 5448 | 5447,1 5449 | 5448,1 5450 | 5449,1 5451 | 5450,1 5452 | 5451,1 5453 | 5452,1 5454 | 5453,1 5455 | 5454,1 5456 | 5455,1 5457 | 5456,1 5458 | 5457,1 5459 | 5458,1 5460 | 5459,1 5461 | 5460,1 5462 | 5461,1 5463 | 5462,1 5464 | 5463,1 5465 | 5464,1 5466 | 5465,1 5467 | 5466,1 5468 | 5467,1 5469 | 5468,1 5470 | 5469,1 5471 | 5470,1 5472 | 5471,1 5473 | 5472,1 5474 | 5473,1 5475 | 5474,1 5476 | 5475,1 5477 | 5476,1 5478 | 5477,1 5479 | 5478,1 5480 | 5479,1 5481 | 5480,1 5482 | 5481,1 5483 | 5482,1 5484 | 5483,1 5485 | 5484,1 5486 | 5485,1 5487 | 5486,1 5488 | 5487,1 5489 | 5488,1 5490 | 5489,1 5491 | 5490,1 5492 | 5491,1 5493 | 5492,1 5494 | 5493,1 5495 | 5494,1 5496 | 5495,1 5497 | 5496,1 5498 | 5497,1 5499 | 5498,1 5500 | 5499,1 5501 | 5500,1 5502 | 5501,1 5503 | 5502,1 5504 | 5503,1 5505 | 5504,1 5506 | 5505,1 5507 | 5506,1 5508 | 5507,1 5509 | 5508,1 5510 | 5509,1 5511 | 5510,1 5512 | 5511,1 5513 | 5512,1 5514 | 5513,1 5515 | 5514,1 5516 | 5515,1 5517 | 5516,1 5518 | 5517,1 5519 | 5518,1 5520 | 5519,1 5521 | 5520,1 5522 | 5521,1 5523 | 5522,1 5524 | 5523,1 5525 | 5524,1 5526 | 5525,1 5527 | 5526,1 5528 | 5527,1 5529 | 5528,1 5530 | 5529,1 5531 | 5530,1 5532 | 5531,1 5533 | 5532,1 5534 | 5533,1 5535 | 5534,1 5536 | 5535,1 5537 | 5536,1 5538 | 5537,1 5539 | 5538,1 5540 | 5539,1 5541 | 5540,1 5542 | 5541,1 5543 | 5542,1 5544 | 5543,1 5545 | 5544,1 5546 | 5545,1 5547 | 5546,1 5548 | 5547,1 5549 | 5548,1 5550 | 5549,1 5551 | 5550,1 5552 | 5551,1 5553 | 5552,1 5554 | 5553,1 5555 | 5554,1 5556 | 5555,1 5557 | 5556,1 5558 | 5557,1 5559 | 5558,1 5560 | 5559,1 5561 | 5560,1 5562 | 5561,1 5563 | 5562,1 5564 | 5563,1 5565 | 5564,1 5566 | 5565,1 5567 | 5566,1 5568 | 5567,1 5569 | 5568,1 5570 | 5569,1 5571 | 5570,1 5572 | 5571,1 5573 | 5572,1 5574 | 5573,1 5575 | 5574,1 5576 | 5575,1 5577 | 5576,1 5578 | 5577,1 5579 | 5578,1 5580 | 5579,1 5581 | 5580,1 5582 | 5581,1 5583 | 5582,1 5584 | 5583,1 5585 | 5584,1 5586 | 5585,1 5587 | 5586,1 5588 | 5587,1 5589 | 5588,1 5590 | 5589,1 5591 | 5590,1 5592 | 5591,1 5593 | 5592,1 5594 | 5593,1 5595 | 5594,1 5596 | 5595,1 5597 | 5596,1 5598 | 5597,1 5599 | 5598,1 5600 | 5599,1 5601 | 5600,1 5602 | 5601,1 5603 | 5602,1 5604 | 5603,1 5605 | 5604,1 5606 | 5605,1 5607 | 5606,1 5608 | 5607,1 5609 | 5608,1 5610 | 5609,1 5611 | 5610,1 5612 | 5611,1 5613 | 5612,1 5614 | 5613,1 5615 | 5614,1 5616 | 5615,1 5617 | 5616,1 5618 | 5617,1 5619 | 5618,1 5620 | 5619,1 5621 | 5620,1 5622 | 5621,1 5623 | 5622,1 5624 | 5623,1 5625 | 5624,1 5626 | 5625,1 5627 | 5626,1 5628 | 5627,1 5629 | 5628,1 5630 | 5629,1 5631 | 5630,1 5632 | 5631,1 5633 | 5632,1 5634 | 5633,1 5635 | 5634,1 5636 | 5635,1 5637 | 5636,1 5638 | 5637,1 5639 | 5638,1 5640 | 5639,1 5641 | 5640,1 5642 | 5641,1 5643 | 5642,1 5644 | 5643,1 5645 | 5644,1 5646 | 5645,1 5647 | 5646,1 5648 | 5647,1 5649 | 5648,1 5650 | 5649,1 5651 | 5650,1 5652 | 5651,1 5653 | 5652,1 5654 | 5653,1 5655 | 5654,1 5656 | 5655,1 5657 | 5656,1 5658 | 5657,1 5659 | 5658,1 5660 | 5659,1 5661 | 5660,1 5662 | 5661,1 5663 | 5662,1 5664 | 5663,1 5665 | 5664,1 5666 | 5665,1 5667 | 5666,1 5668 | 5667,1 5669 | 5668,1 5670 | 5669,1 5671 | 5670,1 5672 | 5671,1 5673 | 5672,1 5674 | 5673,1 5675 | 5674,1 5676 | 5675,1 5677 | 5676,1 5678 | 5677,1 5679 | 5678,1 5680 | 5679,1 5681 | 5680,1 5682 | 5681,1 5683 | 5682,1 5684 | 5683,1 5685 | 5684,1 5686 | 5685,1 5687 | 5686,1 5688 | 5687,1 5689 | 5688,1 5690 | 5689,1 5691 | 5690,1 5692 | 5691,1 5693 | 5692,1 5694 | 5693,1 5695 | 5694,1 5696 | 5695,1 5697 | 5696,1 5698 | 5697,1 5699 | 5698,1 5700 | 5699,1 5701 | 5700,1 5702 | 5701,1 5703 | 5702,1 5704 | 5703,1 5705 | 5704,1 5706 | 5705,1 5707 | 5706,1 5708 | 5707,1 5709 | 5708,1 5710 | 5709,1 5711 | 5710,1 5712 | 5711,1 5713 | 5712,1 5714 | 5713,1 5715 | 5714,1 5716 | 5715,1 5717 | 5716,1 5718 | 5717,1 5719 | 5718,1 5720 | 5719,1 5721 | 5720,1 5722 | 5721,1 5723 | 5722,1 5724 | 5723,1 5725 | 5724,1 5726 | 5725,1 5727 | 5726,1 5728 | 5727,1 5729 | 5728,1 5730 | 5729,1 5731 | 5730,1 5732 | 5731,1 5733 | 5732,1 5734 | 5733,1 5735 | 5734,1 5736 | 5735,1 5737 | 5736,1 5738 | 5737,1 5739 | 5738,1 5740 | 5739,1 5741 | 5740,1 5742 | 5741,1 5743 | 5742,1 5744 | 5743,1 5745 | 5744,1 5746 | 5745,1 5747 | 5746,1 5748 | 5747,1 5749 | 5748,1 5750 | 5749,1 5751 | 5750,1 5752 | 5751,1 5753 | 5752,1 5754 | 5753,1 5755 | 5754,1 5756 | 5755,1 5757 | 5756,1 5758 | 5757,1 5759 | 5758,1 5760 | 5759,1 5761 | 5760,1 5762 | 5761,1 5763 | 5762,1 5764 | 5763,1 5765 | 5764,1 5766 | 5765,1 5767 | 5766,1 5768 | 5767,1 5769 | 5768,1 5770 | 5769,1 5771 | 5770,1 5772 | 5771,1 5773 | 5772,1 5774 | 5773,1 5775 | 5774,1 5776 | 5775,1 5777 | 5776,1 5778 | 5777,1 5779 | 5778,1 5780 | 5779,1 5781 | 5780,1 5782 | 5781,1 5783 | 5782,1 5784 | 5783,1 5785 | 5784,1 5786 | 5785,1 5787 | 5786,1 5788 | 5787,1 5789 | 5788,1 5790 | 5789,1 5791 | 5790,1 5792 | 5791,1 5793 | 5792,1 5794 | 5793,1 5795 | 5794,1 5796 | 5795,1 5797 | 5796,1 5798 | 5797,1 5799 | 5798,1 5800 | 5799,1 5801 | 5800,1 5802 | 5801,1 5803 | 5802,1 5804 | 5803,1 5805 | 5804,1 5806 | 5805,1 5807 | 5806,1 5808 | 5807,1 5809 | 5808,1 5810 | 5809,1 5811 | 5810,1 5812 | 5811,1 5813 | 5812,1 5814 | 5813,1 5815 | 5814,1 5816 | 5815,1 5817 | 5816,1 5818 | 5817,1 5819 | 5818,1 5820 | 5819,1 5821 | 5820,1 5822 | 5821,1 5823 | 5822,1 5824 | 5823,1 5825 | 5824,1 5826 | 5825,1 5827 | 5826,1 5828 | 5827,1 5829 | 5828,1 5830 | 5829,1 5831 | 5830,1 5832 | 5831,1 5833 | 5832,1 5834 | 5833,1 5835 | 5834,1 5836 | 5835,1 5837 | 5836,1 5838 | 5837,1 5839 | 5838,1 5840 | 5839,1 5841 | 5840,1 5842 | 5841,1 5843 | 5842,1 5844 | 5843,1 5845 | 5844,1 5846 | 5845,1 5847 | 5846,1 5848 | 5847,1 5849 | 5848,1 5850 | 5849,1 5851 | 5850,1 5852 | 5851,1 5853 | 5852,1 5854 | 5853,1 5855 | 5854,1 5856 | 5855,1 5857 | 5856,1 5858 | 5857,1 5859 | 5858,1 5860 | 5859,1 5861 | 5860,1 5862 | 5861,1 5863 | 5862,1 5864 | 5863,1 5865 | 5864,1 5866 | 5865,1 5867 | 5866,1 5868 | 5867,1 5869 | 5868,1 5870 | 5869,1 5871 | 5870,1 5872 | 5871,1 5873 | 5872,1 5874 | 5873,1 5875 | 5874,1 5876 | 5875,1 5877 | 5876,1 5878 | 5877,1 5879 | 5878,1 5880 | 5879,1 5881 | 5880,1 5882 | 5881,1 5883 | 5882,1 5884 | 5883,1 5885 | 5884,1 5886 | 5885,1 5887 | 5886,1 5888 | 5887,1 5889 | 5888,1 5890 | 5889,1 5891 | 5890,1 5892 | 5891,1 5893 | 5892,1 5894 | 5893,1 5895 | 5894,1 5896 | 5895,1 5897 | 5896,1 5898 | 5897,1 5899 | 5898,1 5900 | 5899,1 5901 | 5900,1 5902 | 5901,1 5903 | 5902,1 5904 | 5903,1 5905 | 5904,1 5906 | 5905,1 5907 | 5906,1 5908 | 5907,1 5909 | 5908,1 5910 | 5909,1 5911 | 5910,1 5912 | 5911,1 5913 | 5912,1 5914 | 5913,1 5915 | 5914,1 5916 | 5915,1 5917 | 5916,1 5918 | 5917,1 5919 | 5918,1 5920 | 5919,1 5921 | 5920,1 5922 | 5921,1 5923 | 5922,1 5924 | 5923,1 5925 | 5924,1 5926 | 5925,1 5927 | 5926,1 5928 | 5927,1 5929 | 5928,1 5930 | 5929,1 5931 | 5930,1 5932 | 5931,1 5933 | 5932,1 5934 | 5933,1 5935 | 5934,1 5936 | 5935,1 5937 | 5936,1 5938 | 5937,1 5939 | 5938,1 5940 | 5939,1 5941 | 5940,1 5942 | 5941,1 5943 | 5942,1 5944 | 5943,1 5945 | 5944,1 5946 | 5945,1 5947 | 5946,1 5948 | 5947,1 5949 | 5948,1 5950 | 5949,1 5951 | 5950,1 5952 | 5951,1 5953 | 5952,1 5954 | 5953,1 5955 | 5954,1 5956 | 5955,1 5957 | 5956,1 5958 | 5957,1 5959 | 5958,1 5960 | 5959,1 5961 | 5960,1 5962 | 5961,1 5963 | 5962,1 5964 | 5963,1 5965 | 5964,1 5966 | 5965,1 5967 | 5966,1 5968 | 5967,1 5969 | 5968,1 5970 | 5969,1 5971 | 5970,1 5972 | 5971,1 5973 | 5972,1 5974 | 5973,1 5975 | 5974,1 5976 | 5975,1 5977 | 5976,1 5978 | 5977,1 5979 | 5978,1 5980 | 5979,1 5981 | 5980,1 5982 | 5981,1 5983 | 5982,1 5984 | 5983,1 5985 | 5984,1 5986 | 5985,1 5987 | 5986,1 5988 | 5987,1 5989 | 5988,1 5990 | 5989,1 5991 | 5990,1 5992 | 5991,1 5993 | 5992,1 5994 | 5993,1 5995 | 5994,1 5996 | 5995,1 5997 | 5996,1 5998 | 5997,1 5999 | 5998,1 6000 | 5999,1 6001 | 6000,1 6002 | 6001,1 6003 | 6002,1 6004 | 6003,1 6005 | 6004,1 6006 | 6005,1 6007 | 6006,1 6008 | 6007,1 6009 | 6008,1 6010 | 6009,1 6011 | 6010,1 6012 | 6011,1 6013 | 6012,1 6014 | 6013,1 6015 | 6014,1 6016 | 6015,1 6017 | 6016,1 6018 | 6017,1 6019 | 6018,1 6020 | 6019,1 6021 | 6020,1 6022 | 6021,1 6023 | 6022,1 6024 | 6023,1 6025 | 6024,1 6026 | 6025,1 6027 | 6026,1 6028 | 6027,1 6029 | 6028,1 6030 | 6029,1 6031 | 6030,1 6032 | 6031,1 6033 | 6032,1 6034 | 6033,1 6035 | 6034,1 6036 | 6035,1 6037 | 6036,1 6038 | 6037,1 6039 | 6038,1 6040 | 6039,1 6041 | 6040,1 6042 | 6041,1 6043 | 6042,1 6044 | 6043,1 6045 | 6044,1 6046 | 6045,1 6047 | 6046,1 6048 | 6047,1 6049 | 6048,1 6050 | 6049,1 6051 | 6050,1 6052 | 6051,1 6053 | 6052,1 6054 | 6053,1 6055 | 6054,1 6056 | 6055,1 6057 | 6056,1 6058 | 6057,1 6059 | 6058,1 6060 | 6059,1 6061 | 6060,1 6062 | 6061,1 6063 | 6062,1 6064 | 6063,1 6065 | 6064,1 6066 | 6065,1 6067 | 6066,1 6068 | 6067,1 6069 | 6068,1 6070 | 6069,1 6071 | 6070,1 6072 | 6071,1 6073 | 6072,1 6074 | 6073,1 6075 | 6074,1 6076 | 6075,1 6077 | 6076,1 6078 | 6077,1 6079 | 6078,1 6080 | 6079,1 6081 | 6080,1 6082 | 6081,1 6083 | 6082,1 6084 | 6083,1 6085 | 6084,1 6086 | 6085,1 6087 | 6086,1 6088 | 6087,1 6089 | 6088,1 6090 | 6089,1 6091 | 6090,1 6092 | 6091,1 6093 | 6092,1 6094 | 6093,1 6095 | 6094,1 6096 | 6095,1 6097 | 6096,1 6098 | 6097,1 6099 | 6098,1 6100 | 6099,1 6101 | 6100,1 6102 | 6101,1 6103 | 6102,1 6104 | 6103,1 6105 | 6104,1 6106 | 6105,1 6107 | 6106,1 6108 | 6107,1 6109 | 6108,1 6110 | 6109,1 6111 | 6110,1 6112 | 6111,1 6113 | 6112,1 6114 | 6113,1 6115 | 6114,1 6116 | 6115,1 6117 | 6116,1 6118 | 6117,1 6119 | 6118,1 6120 | 6119,1 6121 | 6120,1 6122 | 6121,1 6123 | 6122,1 6124 | 6123,1 6125 | 6124,1 6126 | 6125,1 6127 | 6126,1 6128 | 6127,1 6129 | 6128,1 6130 | 6129,1 6131 | 6130,1 6132 | 6131,1 6133 | 6132,1 6134 | 6133,1 6135 | 6134,1 6136 | 6135,1 6137 | 6136,1 6138 | 6137,1 6139 | 6138,1 6140 | 6139,1 6141 | 6140,1 6142 | 6141,1 6143 | 6142,1 6144 | 6143,1 6145 | 6144,1 6146 | 6145,1 6147 | 6146,1 6148 | 6147,1 6149 | 6148,1 6150 | 6149,1 6151 | 6150,1 6152 | 6151,1 6153 | 6152,1 6154 | 6153,1 6155 | 6154,1 6156 | 6155,1 6157 | 6156,1 6158 | 6157,1 6159 | 6158,1 6160 | 6159,1 6161 | 6160,1 6162 | 6161,1 6163 | 6162,1 6164 | 6163,1 6165 | 6164,1 6166 | 6165,1 6167 | 6166,1 6168 | 6167,1 6169 | 6168,1 6170 | 6169,1 6171 | 6170,1 6172 | 6171,1 6173 | 6172,1 6174 | 6173,1 6175 | 6174,1 6176 | 6175,1 6177 | 6176,1 6178 | 6177,1 6179 | 6178,1 6180 | 6179,1 6181 | 6180,1 6182 | 6181,1 6183 | 6182,1 6184 | 6183,1 6185 | 6184,1 6186 | 6185,1 6187 | 6186,1 6188 | 6187,1 6189 | 6188,1 6190 | 6189,1 6191 | 6190,1 6192 | 6191,1 6193 | 6192,1 6194 | 6193,1 6195 | 6194,1 6196 | 6195,1 6197 | 6196,1 6198 | 6197,1 6199 | 6198,1 6200 | 6199,1 6201 | 6200,1 6202 | 6201,1 6203 | 6202,1 6204 | 6203,1 6205 | 6204,1 6206 | 6205,1 6207 | 6206,1 6208 | 6207,1 6209 | 6208,1 6210 | 6209,1 6211 | 6210,1 6212 | 6211,1 6213 | 6212,1 6214 | 6213,1 6215 | 6214,1 6216 | 6215,1 6217 | 6216,1 6218 | 6217,1 6219 | 6218,1 6220 | 6219,1 6221 | 6220,1 6222 | 6221,1 6223 | 6222,1 6224 | 6223,1 6225 | 6224,1 6226 | 6225,1 6227 | 6226,1 6228 | 6227,1 6229 | 6228,1 6230 | 6229,1 6231 | 6230,1 6232 | 6231,1 6233 | 6232,1 6234 | 6233,1 6235 | 6234,1 6236 | 6235,1 6237 | 6236,1 6238 | 6237,1 6239 | 6238,1 6240 | 6239,1 6241 | 6240,1 6242 | 6241,1 6243 | 6242,1 6244 | 6243,1 6245 | 6244,1 6246 | 6245,1 6247 | 6246,1 6248 | 6247,1 6249 | 6248,1 6250 | 6249,1 6251 | 6250,1 6252 | 6251,1 6253 | 6252,1 6254 | 6253,1 6255 | 6254,1 6256 | 6255,1 6257 | 6256,1 6258 | 6257,1 6259 | 6258,1 6260 | 6259,1 6261 | 6260,1 6262 | 6261,1 6263 | 6262,1 6264 | 6263,1 6265 | 6264,1 6266 | 6265,1 6267 | 6266,1 6268 | 6267,1 6269 | 6268,1 6270 | 6269,1 6271 | 6270,1 6272 | 6271,1 6273 | 6272,1 6274 | 6273,1 6275 | 6274,1 6276 | 6275,1 6277 | 6276,1 6278 | 6277,1 6279 | 6278,1 6280 | 6279,1 6281 | 6280,1 6282 | 6281,1 6283 | 6282,1 6284 | 6283,1 6285 | 6284,1 6286 | 6285,1 6287 | 6286,1 6288 | 6287,1 6289 | 6288,1 6290 | 6289,1 6291 | 6290,1 6292 | 6291,1 6293 | 6292,1 6294 | 6293,1 6295 | 6294,1 6296 | 6295,1 6297 | 6296,1 6298 | 6297,1 6299 | 6298,1 6300 | 6299,1 6301 | 6300,1 6302 | 6301,1 6303 | 6302,1 6304 | 6303,1 6305 | 6304,1 6306 | 6305,1 6307 | 6306,1 6308 | 6307,1 6309 | 6308,1 6310 | 6309,1 6311 | 6310,1 6312 | 6311,1 6313 | 6312,1 6314 | 6313,1 6315 | 6314,1 6316 | 6315,1 6317 | 6316,1 6318 | 6317,1 6319 | 6318,1 6320 | 6319,1 6321 | 6320,1 6322 | 6321,1 6323 | 6322,1 6324 | 6323,1 6325 | 6324,1 6326 | 6325,1 6327 | 6326,1 6328 | 6327,1 6329 | 6328,1 6330 | 6329,1 6331 | 6330,1 6332 | 6331,1 6333 | 6332,1 6334 | 6333,1 6335 | 6334,1 6336 | 6335,1 6337 | 6336,1 6338 | 6337,1 6339 | 6338,1 6340 | 6339,1 6341 | 6340,1 6342 | 6341,1 6343 | 6342,1 6344 | 6343,1 6345 | 6344,1 6346 | 6345,1 6347 | 6346,1 6348 | 6347,1 6349 | 6348,1 6350 | 6349,1 6351 | 6350,1 6352 | 6351,1 6353 | 6352,1 6354 | 6353,1 6355 | 6354,1 6356 | 6355,1 6357 | 6356,1 6358 | 6357,1 6359 | 6358,1 6360 | 6359,1 6361 | 6360,1 6362 | 6361,1 6363 | 6362,1 6364 | 6363,1 6365 | 6364,1 6366 | 6365,1 6367 | 6366,1 6368 | 6367,1 6369 | 6368,1 6370 | 6369,1 6371 | 6370,1 6372 | 6371,1 6373 | 6372,1 6374 | 6373,1 6375 | 6374,1 6376 | 6375,1 6377 | 6376,1 6378 | 6377,1 6379 | 6378,1 6380 | 6379,1 6381 | 6380,1 6382 | 6381,1 6383 | 6382,1 6384 | 6383,1 6385 | 6384,1 6386 | 6385,1 6387 | 6386,1 6388 | 6387,1 6389 | 6388,1 6390 | 6389,1 6391 | 6390,1 6392 | 6391,1 6393 | 6392,1 6394 | 6393,1 6395 | 6394,1 6396 | 6395,1 6397 | 6396,1 6398 | 6397,1 6399 | 6398,1 6400 | 6399,1 6401 | 6400,1 6402 | 6401,1 6403 | 6402,1 6404 | 6403,1 6405 | 6404,1 6406 | 6405,1 6407 | 6406,1 6408 | 6407,1 6409 | 6408,1 6410 | 6409,1 6411 | 6410,1 6412 | 6411,1 6413 | 6412,1 6414 | 6413,1 6415 | 6414,1 6416 | 6415,1 6417 | 6416,1 6418 | 6417,1 6419 | 6418,1 6420 | 6419,1 6421 | 6420,1 6422 | 6421,1 6423 | 6422,1 6424 | 6423,1 6425 | 6424,1 6426 | 6425,1 6427 | 6426,1 6428 | 6427,1 6429 | 6428,1 6430 | 6429,1 6431 | 6430,1 6432 | 6431,1 6433 | 6432,1 6434 | 6433,1 6435 | 6434,1 6436 | 6435,1 6437 | 6436,1 6438 | 6437,1 6439 | 6438,1 6440 | 6439,1 6441 | 6440,1 6442 | 6441,1 6443 | 6442,1 6444 | 6443,1 6445 | 6444,1 6446 | 6445,1 6447 | 6446,1 6448 | 6447,1 6449 | 6448,1 6450 | 6449,1 6451 | 6450,1 6452 | 6451,1 6453 | 6452,1 6454 | 6453,1 6455 | 6454,1 6456 | 6455,1 6457 | 6456,1 6458 | 6457,1 6459 | 6458,1 6460 | 6459,1 6461 | 6460,1 6462 | 6461,1 6463 | 6462,1 6464 | 6463,1 6465 | 6464,1 6466 | 6465,1 6467 | 6466,1 6468 | 6467,1 6469 | 6468,1 6470 | 6469,1 6471 | 6470,1 6472 | 6471,1 6473 | 6472,1 6474 | 6473,1 6475 | 6474,1 6476 | 6475,1 6477 | 6476,1 6478 | 6477,1 6479 | 6478,1 6480 | 6479,1 6481 | 6480,1 6482 | 6481,1 6483 | 6482,1 6484 | 6483,1 6485 | 6484,1 6486 | 6485,1 6487 | 6486,1 6488 | 6487,1 6489 | 6488,1 6490 | 6489,1 6491 | 6490,1 6492 | 6491,1 6493 | 6492,1 6494 | 6493,1 6495 | 6494,1 6496 | 6495,1 6497 | 6496,1 6498 | 6497,1 6499 | 6498,1 6500 | 6499,1 6501 | 6500,1 6502 | 6501,1 6503 | 6502,1 6504 | 6503,1 6505 | 6504,1 6506 | 6505,1 6507 | 6506,1 6508 | 6507,1 6509 | 6508,1 6510 | 6509,1 6511 | 6510,1 6512 | 6511,1 6513 | 6512,1 6514 | 6513,1 6515 | 6514,1 6516 | 6515,1 6517 | 6516,1 6518 | 6517,1 6519 | 6518,1 6520 | 6519,1 6521 | 6520,1 6522 | 6521,1 6523 | 6522,1 6524 | 6523,1 6525 | 6524,1 6526 | 6525,1 6527 | 6526,1 6528 | 6527,1 6529 | 6528,1 6530 | 6529,1 6531 | 6530,1 6532 | 6531,1 6533 | 6532,1 6534 | 6533,1 6535 | 6534,1 6536 | 6535,1 6537 | 6536,1 6538 | 6537,1 6539 | 6538,1 6540 | 6539,1 6541 | 6540,1 6542 | 6541,1 6543 | 6542,1 6544 | 6543,1 6545 | 6544,1 6546 | 6545,1 6547 | 6546,1 6548 | 6547,1 6549 | 6548,1 6550 | 6549,1 6551 | 6550,1 6552 | 6551,1 6553 | 6552,1 6554 | 6553,1 6555 | 6554,1 6556 | 6555,1 6557 | 6556,1 6558 | 6557,1 6559 | 6558,1 6560 | 6559,1 6561 | 6560,1 6562 | 6561,1 6563 | 6562,1 6564 | 6563,1 6565 | 6564,1 6566 | 6565,1 6567 | 6566,1 6568 | 6567,1 6569 | 6568,1 6570 | 6569,1 6571 | 6570,1 6572 | 6571,1 6573 | 6572,1 6574 | 6573,1 6575 | 6574,1 6576 | 6575,1 6577 | 6576,1 6578 | 6577,1 6579 | 6578,1 6580 | 6579,1 6581 | 6580,1 6582 | 6581,1 6583 | 6582,1 6584 | 6583,1 6585 | 6584,1 6586 | 6585,1 6587 | 6586,1 6588 | 6587,1 6589 | 6588,1 6590 | 6589,1 6591 | 6590,1 6592 | 6591,1 6593 | 6592,1 6594 | 6593,1 6595 | 6594,1 6596 | 6595,1 6597 | 6596,1 6598 | 6597,1 6599 | 6598,1 6600 | 6599,1 6601 | 6600,1 6602 | 6601,1 6603 | 6602,1 6604 | 6603,1 6605 | 6604,1 6606 | 6605,1 6607 | 6606,1 6608 | 6607,1 6609 | 6608,1 6610 | 6609,1 6611 | 6610,1 6612 | 6611,1 6613 | 6612,1 6614 | 6613,1 6615 | 6614,1 6616 | 6615,1 6617 | 6616,1 6618 | 6617,1 6619 | 6618,1 6620 | 6619,1 6621 | 6620,1 6622 | 6621,1 6623 | 6622,1 6624 | 6623,1 6625 | 6624,1 6626 | 6625,1 6627 | 6626,1 6628 | 6627,1 6629 | 6628,1 6630 | 6629,1 6631 | 6630,1 6632 | 6631,1 6633 | 6632,1 6634 | 6633,1 6635 | 6634,1 6636 | 6635,1 6637 | 6636,1 6638 | 6637,1 6639 | 6638,1 6640 | 6639,1 6641 | 6640,1 6642 | 6641,1 6643 | 6642,1 6644 | 6643,1 6645 | 6644,1 6646 | 6645,1 6647 | 6646,1 6648 | 6647,1 6649 | 6648,1 6650 | 6649,1 6651 | 6650,1 6652 | 6651,1 6653 | 6652,1 6654 | 6653,1 6655 | 6654,1 6656 | 6655,1 6657 | 6656,1 6658 | 6657,1 6659 | 6658,1 6660 | 6659,1 6661 | 6660,1 6662 | 6661,1 6663 | 6662,1 6664 | 6663,1 6665 | 6664,1 6666 | 6665,1 6667 | 6666,1 6668 | 6667,1 6669 | 6668,1 6670 | 6669,1 6671 | 6670,1 6672 | 6671,1 6673 | 6672,1 6674 | 6673,1 6675 | 6674,1 6676 | 6675,1 6677 | 6676,1 6678 | 6677,1 6679 | 6678,1 6680 | 6679,1 6681 | 6680,1 6682 | 6681,1 6683 | 6682,1 6684 | 6683,1 6685 | 6684,1 6686 | 6685,1 6687 | 6686,1 6688 | 6687,1 6689 | 6688,1 6690 | 6689,1 6691 | 6690,1 6692 | 6691,1 6693 | 6692,1 6694 | 6693,1 6695 | 6694,1 6696 | 6695,1 6697 | 6696,1 6698 | 6697,1 6699 | 6698,1 6700 | 6699,1 6701 | 6700,1 6702 | 6701,1 6703 | 6702,1 6704 | 6703,1 6705 | 6704,1 6706 | 6705,1 6707 | 6706,1 6708 | 6707,1 6709 | 6708,1 6710 | 6709,1 6711 | 6710,1 6712 | 6711,1 6713 | 6712,1 6714 | 6713,1 6715 | 6714,1 6716 | 6715,1 6717 | 6716,1 6718 | 6717,1 6719 | 6718,1 6720 | 6719,1 6721 | 6720,1 6722 | 6721,1 6723 | 6722,1 6724 | 6723,1 6725 | 6724,1 6726 | 6725,1 6727 | 6726,1 6728 | 6727,1 6729 | 6728,1 6730 | 6729,1 6731 | 6730,1 6732 | 6731,1 6733 | 6732,1 6734 | 6733,1 6735 | 6734,1 6736 | 6735,1 6737 | 6736,1 6738 | 6737,1 6739 | 6738,1 6740 | 6739,1 6741 | 6740,1 6742 | 6741,1 6743 | 6742,1 6744 | 6743,1 6745 | 6744,1 6746 | 6745,1 6747 | 6746,1 6748 | 6747,1 6749 | 6748,1 6750 | 6749,1 6751 | 6750,1 6752 | 6751,1 6753 | 6752,1 6754 | 6753,1 6755 | 6754,1 6756 | 6755,1 6757 | 6756,1 6758 | 6757,1 6759 | 6758,1 6760 | 6759,1 6761 | 6760,1 6762 | 6761,1 6763 | 6762,1 6764 | 6763,1 6765 | 6764,1 6766 | 6765,1 6767 | 6766,1 6768 | 6767,1 6769 | 6768,1 6770 | 6769,1 6771 | 6770,1 6772 | 6771,1 6773 | 6772,1 6774 | 6773,1 6775 | 6774,1 6776 | 6775,1 6777 | 6776,1 6778 | 6777,1 6779 | 6778,1 6780 | 6779,1 6781 | 6780,1 6782 | 6781,1 6783 | 6782,1 6784 | 6783,1 6785 | 6784,1 6786 | 6785,1 6787 | 6786,1 6788 | 6787,1 6789 | 6788,1 6790 | 6789,1 6791 | 6790,1 6792 | 6791,1 6793 | 6792,1 6794 | 6793,1 6795 | 6794,1 6796 | 6795,1 6797 | 6796,1 6798 | 6797,1 6799 | 6798,1 6800 | 6799,1 6801 | 6800,1 6802 | 6801,1 6803 | 6802,1 6804 | 6803,1 6805 | 6804,1 6806 | 6805,1 6807 | 6806,1 6808 | 6807,1 6809 | 6808,1 6810 | 6809,1 6811 | 6810,1 6812 | 6811,1 6813 | 6812,1 6814 | 6813,1 6815 | 6814,1 6816 | 6815,1 6817 | 6816,1 6818 | 6817,1 6819 | 6818,1 6820 | 6819,1 6821 | 6820,1 6822 | 6821,1 6823 | 6822,1 6824 | 6823,1 6825 | 6824,1 6826 | 6825,1 6827 | 6826,1 6828 | 6827,1 6829 | 6828,1 6830 | 6829,1 6831 | 6830,1 6832 | 6831,1 6833 | 6832,1 6834 | 6833,1 6835 | 6834,1 6836 | 6835,1 6837 | 6836,1 6838 | 6837,1 6839 | 6838,1 6840 | 6839,1 6841 | 6840,1 6842 | 6841,1 6843 | 6842,1 6844 | 6843,1 6845 | 6844,1 6846 | 6845,1 6847 | 6846,1 6848 | 6847,1 6849 | 6848,1 6850 | 6849,1 6851 | 6850,1 6852 | 6851,1 6853 | 6852,1 6854 | 6853,1 6855 | 6854,1 6856 | 6855,1 6857 | 6856,1 6858 | 6857,1 6859 | 6858,1 6860 | 6859,1 6861 | 6860,1 6862 | 6861,1 6863 | 6862,1 6864 | 6863,1 6865 | 6864,1 6866 | 6865,1 6867 | 6866,1 6868 | 6867,1 6869 | 6868,1 6870 | 6869,1 6871 | 6870,1 6872 | 6871,1 6873 | 6872,1 6874 | 6873,1 6875 | 6874,1 6876 | 6875,1 6877 | 6876,1 6878 | 6877,1 6879 | 6878,1 6880 | 6879,1 6881 | 6880,1 6882 | 6881,1 6883 | 6882,1 6884 | 6883,1 6885 | 6884,1 6886 | 6885,1 6887 | 6886,1 6888 | 6887,1 6889 | 6888,1 6890 | 6889,1 6891 | 6890,1 6892 | 6891,1 6893 | 6892,1 6894 | 6893,1 6895 | 6894,1 6896 | 6895,1 6897 | 6896,1 6898 | 6897,1 6899 | 6898,1 6900 | 6899,1 6901 | 6900,1 6902 | 6901,1 6903 | 6902,1 6904 | 6903,1 6905 | 6904,1 6906 | 6905,1 6907 | 6906,1 6908 | 6907,1 6909 | 6908,1 6910 | 6909,1 6911 | 6910,1 6912 | 6911,1 6913 | 6912,1 6914 | 6913,1 6915 | 6914,1 6916 | 6915,1 6917 | 6916,1 6918 | 6917,1 6919 | 6918,1 6920 | 6919,1 6921 | 6920,1 6922 | 6921,1 6923 | 6922,1 6924 | 6923,1 6925 | 6924,1 6926 | 6925,1 6927 | 6926,1 6928 | 6927,1 6929 | 6928,1 6930 | 6929,1 6931 | 6930,1 6932 | 6931,1 6933 | 6932,1 6934 | 6933,1 6935 | 6934,1 6936 | 6935,1 6937 | 6936,1 6938 | 6937,1 6939 | 6938,1 6940 | 6939,1 6941 | 6940,1 6942 | 6941,1 6943 | 6942,1 6944 | 6943,1 6945 | 6944,1 6946 | 6945,1 6947 | 6946,1 6948 | 6947,1 6949 | 6948,1 6950 | 6949,1 6951 | 6950,1 6952 | 6951,1 6953 | 6952,1 6954 | 6953,1 6955 | 6954,1 6956 | 6955,1 6957 | 6956,1 6958 | 6957,1 6959 | 6958,1 6960 | 6959,1 6961 | 6960,1 6962 | 6961,1 6963 | 6962,1 6964 | 6963,1 6965 | 6964,1 6966 | 6965,1 6967 | 6966,1 6968 | 6967,1 6969 | 6968,1 6970 | 6969,1 6971 | 6970,1 6972 | 6971,1 6973 | 6972,1 6974 | 6973,1 6975 | 6974,1 6976 | 6975,1 6977 | 6976,1 6978 | 6977,1 6979 | 6978,1 6980 | 6979,1 6981 | 6980,1 6982 | 6981,1 6983 | 6982,1 6984 | 6983,1 6985 | 6984,1 6986 | 6985,1 6987 | 6986,1 6988 | 6987,1 6989 | 6988,1 6990 | 6989,1 6991 | 6990,1 6992 | 6991,1 6993 | 6992,1 6994 | 6993,1 6995 | 6994,1 6996 | 6995,1 6997 | 6996,1 6998 | 6997,1 6999 | 6998,1 7000 | 6999,1 7001 | 7000,1 7002 | 7001,1 7003 | 7002,1 7004 | 7003,1 7005 | 7004,1 7006 | 7005,1 7007 | 7006,1 7008 | 7007,1 7009 | 7008,1 7010 | 7009,1 7011 | 7010,1 7012 | 7011,1 7013 | 7012,1 7014 | 7013,1 7015 | 7014,1 7016 | 7015,1 7017 | 7016,1 7018 | 7017,1 7019 | 7018,1 7020 | 7019,1 7021 | 7020,1 7022 | 7021,1 7023 | 7022,1 7024 | 7023,1 7025 | 7024,1 7026 | 7025,1 7027 | 7026,1 7028 | 7027,1 7029 | 7028,1 7030 | 7029,1 7031 | 7030,1 7032 | 7031,1 7033 | 7032,1 7034 | 7033,1 7035 | 7034,1 7036 | 7035,1 7037 | 7036,1 7038 | 7037,1 7039 | 7038,1 7040 | 7039,1 7041 | 7040,1 7042 | 7041,1 7043 | 7042,1 7044 | 7043,1 7045 | 7044,1 7046 | 7045,1 7047 | 7046,1 7048 | 7047,1 7049 | 7048,1 7050 | 7049,1 7051 | 7050,1 7052 | 7051,1 7053 | 7052,1 7054 | 7053,1 7055 | 7054,1 7056 | 7055,1 7057 | 7056,1 7058 | 7057,1 7059 | 7058,1 7060 | 7059,1 7061 | 7060,1 7062 | 7061,1 7063 | 7062,1 7064 | 7063,1 7065 | 7064,1 7066 | 7065,1 7067 | 7066,1 7068 | 7067,1 7069 | 7068,1 7070 | 7069,1 7071 | 7070,1 7072 | 7071,1 7073 | 7072,1 7074 | 7073,1 7075 | 7074,1 7076 | 7075,1 7077 | 7076,1 7078 | 7077,1 7079 | 7078,1 7080 | 7079,1 7081 | 7080,1 7082 | 7081,1 7083 | 7082,1 7084 | 7083,1 7085 | 7084,1 7086 | 7085,1 7087 | 7086,1 7088 | 7087,1 7089 | 7088,1 7090 | 7089,1 7091 | 7090,1 7092 | 7091,1 7093 | 7092,1 7094 | 7093,1 7095 | 7094,1 7096 | 7095,1 7097 | 7096,1 7098 | 7097,1 7099 | 7098,1 7100 | 7099,1 7101 | 7100,1 7102 | 7101,1 7103 | 7102,1 7104 | 7103,1 7105 | 7104,1 7106 | 7105,1 7107 | 7106,1 7108 | 7107,1 7109 | 7108,1 7110 | 7109,1 7111 | 7110,1 7112 | 7111,1 7113 | 7112,1 7114 | 7113,1 7115 | 7114,1 7116 | 7115,1 7117 | 7116,1 7118 | 7117,1 7119 | 7118,1 7120 | 7119,1 7121 | 7120,1 7122 | 7121,1 7123 | 7122,1 7124 | 7123,1 7125 | 7124,1 7126 | 7125,1 7127 | 7126,1 7128 | 7127,1 7129 | 7128,1 7130 | 7129,1 7131 | 7130,1 7132 | 7131,1 7133 | 7132,1 7134 | 7133,1 7135 | 7134,1 7136 | 7135,1 7137 | 7136,1 7138 | 7137,1 7139 | 7138,1 7140 | 7139,1 7141 | 7140,1 7142 | 7141,1 7143 | 7142,1 7144 | 7143,1 7145 | 7144,1 7146 | 7145,1 7147 | 7146,1 7148 | 7147,1 7149 | 7148,1 7150 | 7149,1 7151 | 7150,1 7152 | 7151,1 7153 | 7152,1 7154 | 7153,1 7155 | 7154,1 7156 | 7155,1 7157 | 7156,1 7158 | 7157,1 7159 | 7158,1 7160 | 7159,1 7161 | 7160,1 7162 | 7161,1 7163 | 7162,1 7164 | 7163,1 7165 | 7164,1 7166 | 7165,1 7167 | 7166,1 7168 | 7167,1 7169 | 7168,1 7170 | 7169,1 7171 | 7170,1 7172 | 7171,1 7173 | 7172,1 7174 | 7173,1 7175 | 7174,1 7176 | 7175,1 7177 | 7176,1 7178 | 7177,1 7179 | 7178,1 7180 | 7179,1 7181 | 7180,1 7182 | 7181,1 7183 | 7182,1 7184 | 7183,1 7185 | 7184,1 7186 | 7185,1 7187 | 7186,1 7188 | 7187,1 7189 | 7188,1 7190 | 7189,1 7191 | 7190,1 7192 | 7191,1 7193 | 7192,1 7194 | 7193,1 7195 | 7194,1 7196 | 7195,1 7197 | 7196,1 7198 | 7197,1 7199 | 7198,1 7200 | 7199,1 7201 | 7200,1 7202 | 7201,1 7203 | 7202,1 7204 | 7203,1 7205 | 7204,1 7206 | 7205,1 7207 | 7206,1 7208 | 7207,1 7209 | 7208,1 7210 | 7209,1 7211 | 7210,1 7212 | 7211,1 7213 | 7212,1 7214 | 7213,1 7215 | 7214,1 7216 | 7215,1 7217 | 7216,1 7218 | 7217,1 7219 | 7218,1 7220 | 7219,1 7221 | 7220,1 7222 | 7221,1 7223 | 7222,1 7224 | 7223,1 7225 | 7224,1 7226 | 7225,1 7227 | 7226,1 7228 | 7227,1 7229 | 7228,1 7230 | 7229,1 7231 | 7230,1 7232 | 7231,1 7233 | 7232,1 7234 | 7233,1 7235 | 7234,1 7236 | 7235,1 7237 | 7236,1 7238 | 7237,1 7239 | 7238,1 7240 | 7239,1 7241 | 7240,1 7242 | 7241,1 7243 | 7242,1 7244 | 7243,1 7245 | 7244,1 7246 | 7245,1 7247 | 7246,1 7248 | 7247,1 7249 | 7248,1 7250 | 7249,1 7251 | 7250,1 7252 | 7251,1 7253 | 7252,1 7254 | 7253,1 7255 | 7254,1 7256 | 7255,1 7257 | 7256,1 7258 | 7257,1 7259 | 7258,1 7260 | 7259,1 7261 | 7260,1 7262 | 7261,1 7263 | 7262,1 7264 | 7263,1 7265 | 7264,1 7266 | 7265,1 7267 | 7266,1 7268 | 7267,1 7269 | 7268,1 7270 | 7269,1 7271 | 7270,1 7272 | 7271,1 7273 | 7272,1 7274 | 7273,1 7275 | 7274,1 7276 | 7275,1 7277 | 7276,1 7278 | 7277,1 7279 | 7278,1 7280 | 7279,1 7281 | 7280,1 7282 | 7281,1 7283 | 7282,1 7284 | 7283,1 7285 | 7284,1 7286 | 7285,1 7287 | 7286,1 7288 | 7287,1 7289 | 7288,1 7290 | 7289,1 7291 | 7290,1 7292 | 7291,1 7293 | 7292,1 7294 | 7293,1 7295 | 7294,1 7296 | 7295,1 7297 | 7296,1 7298 | 7297,1 7299 | 7298,1 7300 | 7299,1 7301 | 7300,1 7302 | 7301,1 7303 | 7302,1 7304 | 7303,1 7305 | 7304,1 7306 | 7305,1 7307 | 7306,1 7308 | 7307,1 7309 | 7308,1 7310 | 7309,1 7311 | 7310,1 7312 | 7311,1 7313 | 7312,1 7314 | 7313,1 7315 | 7314,1 7316 | 7315,1 7317 | 7316,1 7318 | 7317,1 7319 | 7318,1 7320 | 7319,1 7321 | 7320,1 7322 | 7321,1 7323 | 7322,1 7324 | 7323,1 7325 | 7324,1 7326 | 7325,1 7327 | 7326,1 7328 | 7327,1 7329 | 7328,1 7330 | 7329,1 7331 | 7330,1 7332 | 7331,1 7333 | 7332,3 7334 | 7333,3 7335 | 7334,3 7336 | 7335,3 7337 | 7336,3 7338 | 7337,3 7339 | 7338,3 7340 | 7339,3 7341 | 7340,3 7342 | 7341,3 7343 | 7342,3 7344 | 7343,3 7345 | 7344,3 7346 | 7345,3 7347 | 7346,3 7348 | 7347,3 7349 | 7348,3 7350 | 7349,3 7351 | 7350,3 7352 | 7351,3 7353 | 7352,3 7354 | 7353,3 7355 | 7354,3 7356 | 7355,3 7357 | 7356,3 7358 | 7357,3 7359 | 7358,3 7360 | 7359,3 7361 | 7360,3 7362 | 7361,3 7363 | 7362,3 7364 | 7363,3 7365 | 7364,3 7366 | 7365,3 7367 | 7366,3 7368 | 7367,3 7369 | 7368,3 7370 | 7369,3 7371 | 7370,3 7372 | 7371,3 7373 | 7372,3 7374 | 7373,3 7375 | 7374,3 7376 | 7375,3 7377 | 7376,3 7378 | 7377,3 7379 | 7378,3 7380 | 7379,3 7381 | 7380,3 7382 | 7381,3 7383 | 7382,3 7384 | 7383,3 7385 | 7384,3 7386 | 7385,3 7387 | 7386,3 7388 | 7387,3 7389 | 7388,3 7390 | 7389,3 7391 | 7390,3 7392 | 7391,3 7393 | 7392,3 7394 | 7393,3 7395 | 7394,3 7396 | 7395,3 7397 | 7396,3 7398 | 7397,3 7399 | 7398,3 7400 | 7399,3 7401 | 7400,3 7402 | 7401,3 7403 | 7402,3 7404 | 7403,3 7405 | 7404,3 7406 | 7405,3 7407 | 7406,3 7408 | 7407,3 7409 | 7408,3 7410 | 7409,3 7411 | 7410,3 7412 | 7411,3 7413 | 7412,3 7414 | 7413,3 7415 | 7414,3 7416 | 7415,3 7417 | 7416,3 7418 | 7417,3 7419 | 7418,3 7420 | 7419,3 7421 | 7420,3 7422 | 7421,3 7423 | 7422,3 7424 | 7423,3 7425 | 7424,3 7426 | 7425,3 7427 | 7426,3 7428 | 7427,3 7429 | 7428,3 7430 | 7429,3 7431 | 7430,3 7432 | 7431,3 7433 | 7432,3 7434 | 7433,3 7435 | 7434,3 7436 | 7435,3 7437 | 7436,3 7438 | 7437,3 7439 | 7438,3 7440 | 7439,3 7441 | 7440,3 7442 | 7441,3 7443 | 7442,3 7444 | 7443,3 7445 | 7444,3 7446 | 7445,1 7447 | 7446,3 7448 | 7447,3 7449 | 7448,3 7450 | 7449,3 7451 | 7450,3 7452 | 7451,3 7453 | 7452,3 7454 | 7453,3 7455 | 7454,3 7456 | 7455,3 7457 | 7456,3 7458 | 7457,3 7459 | 7458,3 7460 | 7459,3 7461 | 7460,3 7462 | 7461,3 7463 | 7462,3 7464 | 7463,3 7465 | 7464,3 7466 | 7465,3 7467 | 7466,3 7468 | 7467,3 7469 | 7468,3 7470 | 7469,3 7471 | 7470,3 7472 | 7471,3 7473 | 7472,3 7474 | 7473,3 7475 | 7474,3 7476 | 7475,3 7477 | 7476,3 7478 | 7477,3 7479 | 7478,3 7480 | 7479,3 7481 | 7480,3 7482 | 7481,3 7483 | 7482,3 7484 | 7483,3 7485 | 7484,3 7486 | 7485,3 7487 | 7486,3 7488 | 7487,3 7489 | 7488,3 7490 | 7489,3 7491 | 7490,3 7492 | 7491,3 7493 | 7492,3 7494 | 7493,3 7495 | 7494,3 7496 | 7495,3 7497 | 7496,3 7498 | 7497,3 7499 | 7498,3 7500 | 7499,3 7501 | 7500,3 7502 | 7501,3 7503 | 7502,3 7504 | 7503,3 7505 | 7504,3 7506 | 7505,3 7507 | 7506,3 7508 | 7507,3 7509 | 7508,3 7510 | 7509,3 7511 | 7510,3 7512 | 7511,3 7513 | 7512,3 7514 | 7513,3 7515 | 7514,3 7516 | 7515,3 7517 | 7516,3 7518 | 7517,3 7519 | 7518,3 7520 | 7519,3 7521 | 7520,3 7522 | 7521,3 7523 | 7522,3 7524 | 7523,3 7525 | 7524,3 7526 | 7525,3 7527 | 7526,3 7528 | 7527,3 7529 | 7528,3 7530 | 7529,3 7531 | 7530,3 7532 | 7531,3 7533 | 7532,3 7534 | 7533,3 7535 | 7534,3 7536 | 7535,3 7537 | 7536,3 7538 | 7537,3 7539 | 7538,3 7540 | 7539,3 7541 | 7540,3 7542 | 7541,3 7543 | 7542,3 7544 | 7543,3 7545 | 7544,3 7546 | 7545,3 7547 | 7546,3 7548 | 7547,3 7549 | 7548,3 7550 | 7549,3 7551 | 7550,3 7552 | 7551,3 7553 | 7552,3 7554 | 7553,3 7555 | 7554,3 7556 | 7555,3 7557 | 7556,3 7558 | 7557,3 7559 | 7558,3 7560 | 7559,3 7561 | 7560,3 7562 | 7561,3 7563 | 7562,3 7564 | 7563,3 7565 | 7564,3 7566 | 7565,3 7567 | 7566,3 7568 | 7567,3 7569 | 7568,3 7570 | 7569,3 7571 | 7570,3 7572 | 7571,3 7573 | 7572,3 7574 | 7573,3 7575 | 7574,3 7576 | 7575,3 7577 | 7576,3 7578 | 7577,3 7579 | 7578,3 7580 | 7579,3 7581 | 7580,3 7582 | 7581,3 7583 | 7582,3 7584 | 7583,3 7585 | 7584,3 7586 | 7585,3 7587 | 7586,3 7588 | 7587,3 7589 | 7588,3 7590 | 7589,3 7591 | 7590,3 7592 | 7591,3 7593 | 7592,3 7594 | 7593,1 7595 | 7594,1 7596 | 7595,1 7597 | 7596,1 7598 | 7597,3 7599 | 7598,3 7600 | 7599,3 7601 | 7600,3 7602 | 7601,3 7603 | 7602,3 7604 | 7603,3 7605 | 7604,3 7606 | 7605,3 7607 | 7606,3 7608 | 7607,3 7609 | 7608,3 7610 | 7609,3 7611 | 7610,3 7612 | 7611,3 7613 | 7612,3 7614 | 7613,3 7615 | 7614,3 7616 | 7615,3 7617 | 7616,3 7618 | 7617,3 7619 | 7618,3 7620 | 7619,3 7621 | 7620,3 7622 | 7621,3 7623 | 7622,3 7624 | 7623,3 7625 | 7624,3 7626 | 7625,3 7627 | 7626,3 7628 | 7627,3 7629 | 7628,3 7630 | 7629,3 7631 | 7630,3 7632 | 7631,3 7633 | 7632,3 7634 | 7633,3 7635 | 7634,3 7636 | 7635,3 7637 | 7636,3 7638 | 7637,3 7639 | 7638,3 7640 | 7639,3 7641 | 7640,3 7642 | 7641,3 7643 | 7642,3 7644 | 7643,3 7645 | 7644,3 7646 | 7645,3 7647 | 7646,3 7648 | 7647,3 7649 | 7648,3 7650 | 7649,3 7651 | 7650,3 7652 | 7651,3 7653 | 7652,1 7654 | 7653,3 7655 | 7654,3 7656 | 7655,3 7657 | 7656,3 7658 | 7657,3 7659 | 7658,3 7660 | 7659,3 7661 | 7660,3 7662 | 7661,3 7663 | 7662,3 7664 | 7663,3 7665 | 7664,3 7666 | 7665,3 7667 | 7666,3 7668 | 7667,3 7669 | 7668,1 7670 | 7669,1 7671 | 7670,3 7672 | 7671,3 7673 | 7672,3 7674 | 7673,3 7675 | 7674,3 7676 | 7675,3 7677 | 7676,3 7678 | 7677,3 7679 | 7678,3 7680 | 7679,3 7681 | 7680,3 7682 | 7681,3 7683 | 7682,3 7684 | 7683,3 7685 | 7684,3 7686 | 7685,3 7687 | 7686,3 7688 | 7687,3 7689 | 7688,3 7690 | 7689,3 7691 | 7690,3 7692 | 7691,3 7693 | 7692,3 7694 | 7693,3 7695 | 7694,3 7696 | 7695,3 7697 | 7696,3 7698 | 7697,3 7699 | 7698,3 7700 | 7699,1 7701 | 7700,3 7702 | 7701,3 7703 | 7702,3 7704 | 7703,3 7705 | 7704,3 7706 | 7705,3 7707 | 7706,3 7708 | 7707,3 7709 | 7708,1 7710 | 7709,1 7711 | 7710,3 7712 | 7711,3 7713 | 7712,3 7714 | 7713,3 7715 | 7714,3 7716 | 7715,3 7717 | 7716,3 7718 | 7717,3 7719 | 7718,3 7720 | 7719,3 7721 | 7720,3 7722 | 7721,3 7723 | 7722,3 7724 | 7723,3 7725 | 7724,3 7726 | 7725,1 7727 | 7726,1 7728 | 7727,3 7729 | 7728,3 7730 | 7729,3 7731 | 7730,3 7732 | 7731,3 7733 | 7732,3 7734 | 7733,3 7735 | 7734,3 7736 | 7735,3 7737 | 7736,3 7738 | 7737,3 7739 | 7738,3 7740 | 7739,3 7741 | 7740,3 7742 | 7741,3 7743 | 7742,3 7744 | 7743,3 7745 | 7744,3 7746 | 7745,3 7747 | 7746,3 7748 | 7747,3 7749 | 7748,3 7750 | 7749,3 7751 | 7750,3 7752 | 7751,3 7753 | 7752,3 7754 | 7753,3 7755 | 7754,3 7756 | 7755,3 7757 | 7756,3 7758 | 7757,3 7759 | 7758,3 7760 | 7759,3 7761 | 7760,3 7762 | 7761,3 7763 | 7762,3 7764 | 7763,3 7765 | 7764,3 7766 | 7765,3 7767 | 7766,3 7768 | 7767,3 7769 | 7768,3 7770 | 7769,3 7771 | 7770,3 7772 | 7771,3 7773 | 7772,3 7774 | 7773,3 7775 | 7774,3 7776 | 7775,3 7777 | 7776,3 7778 | 7777,3 7779 | 7778,1 7780 | 7779,1 7781 | 7780,1 7782 | 7781,1 7783 | 7782,3 7784 | 7783,3 7785 | 7784,3 7786 | 7785,3 7787 | 7786,3 7788 | 7787,3 7789 | 7788,3 7790 | 7789,3 7791 | 7790,3 7792 | 7791,3 7793 | 7792,3 7794 | 7793,3 7795 | 7794,3 7796 | 7795,3 7797 | 7796,3 7798 | 7797,3 7799 | 7798,3 7800 | 7799,3 7801 | 7800,3 7802 | 7801,3 7803 | 7802,3 7804 | 7803,3 7805 | 7804,3 7806 | 7805,3 7807 | 7806,3 7808 | 7807,3 7809 | 7808,3 7810 | 7809,3 7811 | 7810,3 7812 | 7811,3 7813 | 7812,3 7814 | 7813,3 7815 | 7814,3 7816 | 7815,3 7817 | 7816,3 7818 | 7817,3 7819 | 7818,3 7820 | 7819,3 7821 | 7820,3 7822 | 7821,3 7823 | 7822,3 7824 | 7823,3 7825 | 7824,3 7826 | 7825,3 7827 | 7826,3 7828 | 7827,3 7829 | 7828,3 7830 | 7829,3 7831 | 7830,3 7832 | 7831,3 7833 | 7832,3 7834 | 7833,3 7835 | 7834,3 7836 | 7835,3 7837 | 7836,3 7838 | 7837,3 7839 | 7838,3 7840 | 7839,3 7841 | 7840,3 7842 | 7841,3 7843 | 7842,3 7844 | 7843,3 7845 | 7844,3 7846 | 7845,3 7847 | 7846,3 7848 | 7847,3 7849 | 7848,3 7850 | 7849,3 7851 | 7850,3 7852 | 7851,3 7853 | 7852,3 7854 | 7853,3 7855 | 7854,3 7856 | 7855,3 7857 | 7856,3 7858 | 7857,3 7859 | 7858,3 7860 | 7859,3 7861 | 7860,3 7862 | 7861,3 7863 | 7862,3 7864 | 7863,3 7865 | 7864,3 7866 | 7865,1 7867 | 7866,3 7868 | 7867,3 7869 | 7868,3 7870 | 7869,3 7871 | 7870,3 7872 | 7871,3 7873 | 7872,3 7874 | 7873,3 7875 | 7874,3 7876 | 7875,3 7877 | 7876,3 7878 | 7877,3 7879 | 7878,3 7880 | 7879,3 7881 | 7880,3 7882 | 7881,3 7883 | 7882,3 7884 | 7883,3 7885 | 7884,3 7886 | 7885,3 7887 | 7886,3 7888 | 7887,3 7889 | 7888,3 7890 | 7889,3 7891 | 7890,3 7892 | 7891,3 7893 | 7892,3 7894 | 7893,3 7895 | 7894,3 7896 | 7895,3 7897 | 7896,3 7898 | 7897,3 7899 | 7898,3 7900 | 7899,3 7901 | 7900,3 7902 | 7901,3 7903 | 7902,3 7904 | 7903,3 7905 | 7904,3 7906 | 7905,3 7907 | 7906,2 7908 | 7907,2 7909 | 7908,2 7910 | 7909,2 7911 | 7910,2 7912 | 7911,2 7913 | 7912,2 7914 | 7913,2 7915 | 7914,2 7916 | 7915,2 7917 | 7916,2 7918 | 7917,2 7919 | 7918,2 7920 | 7919,2 7921 | 7920,2 7922 | 7921,2 7923 | 7922,2 7924 | 7923,2 7925 | 7924,2 7926 | 7925,2 7927 | 7926,2 7928 | 7927,2 7929 | 7928,2 7930 | 7929,2 7931 | 7930,2 7932 | 7931,2 7933 | 7932,2 7934 | 7933,2 7935 | 7934,2 7936 | 7935,2 7937 | 7936,2 7938 | 7937,2 7939 | 7938,2 7940 | 7939,2 7941 | 7940,2 7942 | 7941,2 7943 | 7942,1 7944 | 7943,2 7945 | 7944,2 7946 | 7945,2 7947 | 7946,2 7948 | 7947,2 7949 | 7948,2 7950 | 7949,2 7951 | 7950,2 7952 | 7951,2 7953 | 7952,2 7954 | 7953,2 7955 | 7954,2 7956 | 7955,2 7957 | 7956,2 7958 | 7957,2 7959 | 7958,2 7960 | 7959,2 7961 | 7960,2 7962 | 7961,2 7963 | 7962,2 7964 | 7963,2 7965 | 7964,2 7966 | 7965,2 7967 | 7966,2 7968 | 7967,2 7969 | 7968,2 7970 | 7969,2 7971 | 7970,2 7972 | 7971,2 7973 | 7972,2 7974 | 7973,2 7975 | 7974,2 7976 | 7975,2 7977 | 7976,2 7978 | 7977,2 7979 | 7978,2 7980 | 7979,2 7981 | 7980,2 7982 | 7981,2 7983 | 7982,2 7984 | 7983,2 7985 | 7984,2 7986 | 7985,2 7987 | 7986,2 7988 | 7987,2 7989 | 7988,2 7990 | 7989,2 7991 | 7990,2 7992 | 7991,2 7993 | 7992,2 7994 | 7993,2 7995 | 7994,2 7996 | 7995,2 7997 | 7996,2 7998 | 7997,2 7999 | 7998,2 8000 | 7999,2 8001 | 8000,2 8002 | 8001,2 8003 | 8002,2 8004 | 8003,2 8005 | 8004,2 8006 | 8005,2 8007 | 8006,2 8008 | 8007,2 8009 | 8008,2 8010 | 8009,2 8011 | 8010,2 8012 | 8011,2 8013 | 8012,2 8014 | 8013,2 8015 | 8014,2 8016 | 8015,2 8017 | 8016,2 8018 | 8017,2 8019 | 8018,2 8020 | 8019,2 8021 | 8020,2 8022 | 8021,2 8023 | 8022,2 8024 | 8023,2 8025 | 8024,2 8026 | 8025,2 8027 | 8026,2 8028 | 8027,2 8029 | 8028,2 8030 | 8029,2 8031 | 8030,2 8032 | 8031,1 8033 | 8032,1 8034 | 8033,1 8035 | 8034,1 8036 | 8035,2 8037 | 8036,2 8038 | 8037,2 8039 | 8038,2 8040 | 8039,2 8041 | 8040,2 8042 | 8041,2 8043 | 8042,2 8044 | 8043,2 8045 | 8044,2 8046 | 8045,2 8047 | 8046,2 8048 | 8047,2 8049 | 8048,2 8050 | 8049,2 8051 | 8050,2 8052 | 8051,2 8053 | 8052,2 8054 | 8053,2 8055 | 8054,2 8056 | 8055,2 8057 | 8056,2 8058 | 8057,2 8059 | 8058,2 8060 | 8059,2 8061 | 8060,2 8062 | 8061,2 8063 | 8062,2 8064 | 8063,2 8065 | 8064,2 8066 | 8065,2 8067 | 8066,2 8068 | 8067,2 8069 | 8068,2 8070 | 8069,2 8071 | 8070,2 8072 | 8071,2 8073 | 8072,2 8074 | 8073,2 8075 | 8074,2 8076 | 8075,2 8077 | 8076,2 8078 | 8077,2 8079 | 8078,2 8080 | 8079,2 8081 | 8080,2 8082 | 8081,2 8083 | 8082,2 8084 | 8083,2 8085 | 8084,2 8086 | 8085,2 8087 | 8086,2 8088 | 8087,2 8089 | 8088,2 8090 | 8089,2 8091 | 8090,2 8092 | 8091,1 8093 | 8092,1 8094 | 8093,2 8095 | 8094,2 8096 | 8095,2 8097 | 8096,2 8098 | 8097,2 8099 | 8098,2 8100 | 8099,2 8101 | 8100,2 8102 | 8101,2 8103 | 8102,2 8104 | 8103,2 8105 | 8104,2 8106 | 8105,2 8107 | 8106,2 8108 | 8107,1 8109 | 8108,1 8110 | 8109,2 8111 | 8110,2 8112 | 8111,2 8113 | 8112,2 8114 | 8113,2 8115 | 8114,2 8116 | 8115,2 8117 | 8116,2 8118 | 8117,2 8119 | 8118,2 8120 | 8119,2 8121 | 8120,2 8122 | 8121,2 8123 | 8122,2 8124 | 8123,2 8125 | 8124,2 8126 | 8125,2 8127 | 8126,2 8128 | 8127,2 8129 | 8128,1 8130 | 8129,2 8131 | 8130,2 8132 | 8131,2 8133 | 8132,2 8134 | 8133,2 8135 | 8134,2 8136 | 8135,2 8137 | 8136,2 8138 | 8137,2 8139 | 8138,2 8140 | 8139,2 8141 | 8140,2 8142 | 8141,2 8143 | 8142,2 8144 | 8143,2 8145 | 8144,2 8146 | 8145,2 8147 | 8146,2 8148 | 8147,2 8149 | 8148,2 8150 | 8149,2 8151 | 8150,2 8152 | 8151,2 8153 | 8152,2 8154 | 8153,2 8155 | 8154,2 8156 | 8155,2 8157 | 8156,2 8158 | 8157,2 8159 | 8158,2 8160 | 8159,2 8161 | 8160,2 8162 | 8161,2 8163 | 8162,2 8164 | 8163,2 8165 | 8164,2 8166 | 8165,2 8167 | 8166,2 8168 | 8167,2 8169 | 8168,2 8170 | 8169,2 8171 | 8170,2 8172 | 8171,2 8173 | 8172,2 8174 | 8173,2 8175 | 8174,2 8176 | 8175,2 8177 | 8176,2 8178 | 8177,2 8179 | 8178,2 8180 | 8179,2 8181 | 8180,2 8182 | 8181,2 8183 | 8182,2 8184 | 8183,2 8185 | 8184,2 8186 | 8185,2 8187 | 8186,2 8188 | 8187,2 8189 | 8188,2 8190 | 8189,2 8191 | 8190,2 8192 | 8191,2 8193 | 8192,2 8194 | 8193,2 8195 | 8194,2 8196 | 8195,2 8197 | 8196,2 8198 | 8197,2 8199 | 8198,2 8200 | 8199,2 8201 | 8200,1 8202 | 8201,1 8203 | 8202,1 8204 | 8203,2 8205 | 8204,2 8206 | 8205,2 8207 | 8206,2 8208 | 8207,2 8209 | 8208,2 8210 | 8209,2 8211 | 8210,2 8212 | 8211,2 8213 | 8212,2 8214 | 8213,2 8215 | 8214,2 8216 | 8215,2 8217 | 8216,2 8218 | 8217,2 8219 | 8218,2 8220 | 8219,2 8221 | 8220,2 8222 | 8221,2 8223 | 8222,2 8224 | 8223,2 8225 | 8224,2 8226 | 8225,2 8227 | 8226,2 8228 | 8227,2 8229 | 8228,1 8230 | 8229,2 8231 | 8230,2 8232 | 8231,2 8233 | 8232,2 8234 | 8233,2 8235 | 8234,2 8236 | 8235,2 8237 | 8236,2 8238 | 8237,2 8239 | 8238,2 8240 | 8239,2 8241 | 8240,2 8242 | 8241,2 8243 | 8242,2 8244 | 8243,2 8245 | 8244,2 8246 | 8245,2 8247 | 8246,2 8248 | 8247,2 8249 | 8248,2 8250 | 8249,2 8251 | 8250,2 8252 | 8251,2 8253 | 8252,2 8254 | 8253,2 8255 | 8254,2 8256 | 8255,2 8257 | 8256,2 8258 | 8257,2 8259 | 8258,2 8260 | 8259,2 8261 | 8260,2 8262 | 8261,2 8263 | 8262,2 8264 | 8263,2 8265 | 8264,2 8266 | 8265,2 8267 | 8266,2 8268 | 8267,2 8269 | 8268,2 8270 | 8269,2 8271 | 8270,2 8272 | 8271,2 8273 | 8272,2 8274 | 8273,2 8275 | 8274,2 8276 | 8275,2 8277 | 8276,2 8278 | 8277,2 8279 | 8278,2 8280 | 8279,2 8281 | 8280,2 8282 | 8281,2 8283 | 8282,2 8284 | 8283,2 8285 | 8284,2 8286 | 8285,2 8287 | 8286,2 8288 | 8287,2 8289 | 8288,2 8290 | 8289,2 8291 | 8290,2 8292 | 8291,2 8293 | 8292,2 8294 | 8293,2 8295 | 8294,2 8296 | 8295,2 8297 | 8296,2 8298 | 8297,2 8299 | 8298,2 8300 | 8299,2 8301 | 8300,2 8302 | 8301,2 8303 | 8302,2 8304 | 8303,2 8305 | 8304,2 8306 | 8305,2 8307 | 8306,2 8308 | 8307,2 8309 | 8308,2 8310 | 8309,2 8311 | 8310,2 8312 | 8311,2 8313 | 8312,2 8314 | 8313,2 8315 | 8314,2 8316 | 8315,2 8317 | 8316,2 8318 | 8317,2 8319 | 8318,2 8320 | 8319,2 8321 | 8320,2 8322 | 8321,2 8323 | 8322,2 8324 | 8323,2 8325 | 8324,2 8326 | 8325,2 8327 | 8326,2 8328 | 8327,2 8329 | 8328,2 8330 | 8329,2 8331 | 8330,2 8332 | 8331,2 8333 | 8332,2 8334 | 8333,2 8335 | 8334,1 8336 | 8335,2 8337 | 8336,2 8338 | 8337,2 8339 | 8338,2 8340 | 8339,2 8341 | 8340,1 8342 | 8341,1 8343 | 8342,1 8344 | 8343,2 8345 | 8344,2 8346 | 8345,2 8347 | 8346,2 8348 | 8347,2 8349 | 8348,2 8350 | 8349,2 8351 | 8350,2 8352 | 8351,2 8353 | 8352,2 8354 | 8353,2 8355 | 8354,2 8356 | 8355,2 8357 | 8356,2 8358 | 8357,2 8359 | 8358,2 8360 | 8359,2 8361 | 8360,2 8362 | 8361,2 8363 | 8362,2 8364 | 8363,2 8365 | 8364,2 8366 | 8365,2 8367 | 8366,2 8368 | 8367,2 8369 | 8368,2 8370 | 8369,2 8371 | 8370,2 8372 | 8371,2 8373 | 8372,2 8374 | 8373,2 8375 | 8374,2 8376 | 8375,2 8377 | 8376,2 8378 | 8377,2 8379 | 8378,2 8380 | 8379,2 8381 | 8380,2 8382 | 8381,2 8383 | 8382,2 8384 | 8383,2 8385 | 8384,2 8386 | 8385,2 8387 | 8386,2 8388 | 8387,2 8389 | 8388,2 8390 | 8389,2 8391 | 8390,2 8392 | 8391,2 8393 | 8392,2 8394 | 8393,2 8395 | 8394,2 8396 | 8395,2 8397 | 8396,2 8398 | 8397,2 8399 | 8398,2 8400 | 8399,2 8401 | 8400,2 8402 | 8401,2 8403 | 8402,2 8404 | 8403,2 8405 | 8404,2 8406 | 8405,2 8407 | 8406,2 8408 | 8407,2 8409 | 8408,2 8410 | 8409,2 8411 | 8410,2 8412 | 8411,2 8413 | 8412,2 8414 | 8413,2 8415 | 8414,2 8416 | 8415,2 8417 | 8416,2 8418 | 8417,2 8419 | 8418,2 8420 | 8419,2 8421 | 8420,2 8422 | 8421,2 8423 | 8422,2 8424 | 8423,2 8425 | 8424,2 8426 | 8425,2 8427 | 8426,2 8428 | 8427,2 8429 | 8428,2 8430 | 8429,2 8431 | 8430,2 8432 | 8431,2 8433 | 8432,2 8434 | 8433,2 8435 | 8434,2 8436 | 8435,2 8437 | 8436,2 8438 | 8437,2 8439 | 8438,2 8440 | 8439,2 8441 | 8440,2 8442 | 8441,2 8443 | 8442,2 8444 | 8443,2 8445 | 8444,2 8446 | 8445,2 8447 | 8446,2 8448 | 8447,2 8449 | 8448,2 8450 | 8449,2 8451 | 8450,2 8452 | 8451,2 8453 | 8452,2 8454 | 8453,2 8455 | 8454,2 8456 | 8455,2 8457 | 8456,2 8458 | 8457,2 8459 | 8458,2 8460 | 8459,2 8461 | 8460,2 8462 | 8461,2 8463 | 8462,2 8464 | 8463,2 8465 | 8464,2 8466 | 8465,2 8467 | 8466,2 8468 | 8467,2 8469 | 8468,2 8470 | 8469,2 8471 | 8470,2 8472 | 8471,2 8473 | 8472,2 8474 | 8473,2 8475 | 8474,2 8476 | 8475,2 8477 | 8476,2 8478 | 8477,2 8479 | 8478,2 8480 | 8479,2 8481 | 8480,2 8482 | 8481,2 8483 | 8482,2 8484 | 8483,2 8485 | 8484,2 8486 | 8485,2 8487 | 8486,2 8488 | 8487,2 8489 | 8488,2 8490 | 8489,2 8491 | 8490,2 8492 | 8491,2 8493 | 8492,2 8494 | 8493,2 8495 | 8494,2 8496 | 8495,2 8497 | 8496,2 8498 | 8497,2 8499 | 8498,2 8500 | 8499,2 8501 | 8500,2 8502 | 8501,2 8503 | 8502,2 8504 | 8503,2 8505 | 8504,2 8506 | 8505,2 8507 | 8506,2 8508 | 8507,2 8509 | 8508,2 8510 | 8509,2 8511 | 8510,2 8512 | 8511,2 8513 | 8512,2 8514 | 8513,2 8515 | 8514,1 8516 | 8515,1 8517 | 8516,1 8518 | 8517,1 8519 | 8518,1 8520 | 8519,1 8521 | 8520,2 8522 | 8521,2 8523 | 8522,2 8524 | 8523,2 8525 | 8524,2 8526 | 8525,2 8527 | 8526,2 8528 | 8527,2 8529 | 8528,2 8530 | 8529,2 8531 | 8530,2 8532 | 8531,2 8533 | 8532,2 8534 | 8533,2 8535 | 8534,2 8536 | 8535,2 8537 | 8536,2 8538 | 8537,2 8539 | 8538,2 8540 | 8539,2 8541 | 8540,2 8542 | 8541,2 8543 | 8542,2 8544 | 8543,2 8545 | 8544,2 8546 | 8545,2 8547 | 8546,2 8548 | 8547,2 8549 | 8548,2 8550 | 8549,2 8551 | 8550,2 8552 | 8551,2 8553 | 8552,2 8554 | 8553,2 8555 | 8554,2 8556 | 8555,2 8557 | 8556,2 8558 | 8557,2 8559 | 8558,2 8560 | 8559,2 8561 | 8560,2 8562 | 8561,2 8563 | 8562,2 8564 | 8563,2 8565 | 8564,2 8566 | 8565,2 8567 | 8566,2 8568 | 8567,2 8569 | 8568,2 8570 | 8569,2 8571 | 8570,2 8572 | 8571,2 8573 | 8572,2 8574 | 8573,2 8575 | 8574,2 8576 | 8575,2 8577 | 8576,2 8578 | 8577,2 8579 | 8578,2 8580 | 8579,2 8581 | 8580,2 8582 | 8581,2 8583 | 8582,2 8584 | 8583,2 8585 | 8584,2 8586 | 8585,2 8587 | 8586,2 8588 | 8587,2 8589 | 8588,2 8590 | 8589,2 8591 | 8590,2 8592 | 8591,2 8593 | 8592,2 8594 | 8593,2 8595 | 8594,2 8596 | 8595,2 8597 | 8596,2 8598 | 8597,2 8599 | 8598,2 8600 | 8599,2 8601 | 8600,2 8602 | 8601,1 8603 | 8602,1 8604 | 8603,2 8605 | 8604,2 8606 | 8605,2 8607 | 8606,2 8608 | 8607,2 8609 | 8608,2 8610 | 8609,2 8611 | 8610,2 8612 | 8611,2 8613 | 8612,2 8614 | 8613,2 8615 | 8614,2 8616 | 8615,2 8617 | 8616,2 8618 | 8617,2 8619 | 8618,2 8620 | 8619,2 8621 | 8620,2 8622 | 8621,2 8623 | 8622,2 8624 | 8623,2 8625 | 8624,2 8626 | 8625,2 8627 | 8626,2 8628 | 8627,2 8629 | 8628,2 8630 | 8629,2 8631 | 8630,2 8632 | 8631,2 8633 | 8632,2 8634 | 8633,2 8635 | 8634,2 8636 | 8635,2 8637 | 8636,2 8638 | 8637,2 8639 | 8638,2 8640 | 8639,1 8641 | 8640,2 8642 | 8641,2 8643 | 8642,2 8644 | 8643,2 8645 | 8644,2 8646 | 8645,2 8647 | 8646,2 8648 | 8647,2 8649 | 8648,2 8650 | 8649,2 8651 | 8650,2 8652 | 8651,2 8653 | 8652,2 8654 | 8653,2 8655 | 8654,2 8656 | 8655,2 8657 | 8656,2 8658 | 8657,2 8659 | 8658,2 8660 | 8659,2 8661 | 8660,2 8662 | 8661,2 8663 | 8662,2 8664 | 8663,2 8665 | 8664,2 8666 | 8665,2 8667 | 8666,2 8668 | 8667,2 8669 | 8668,1 8670 | 8669,2 8671 | 8670,2 8672 | 8671,2 8673 | 8672,2 8674 | 8673,2 8675 | 8674,2 8676 | 8675,2 8677 | 8676,2 8678 | 8677,2 8679 | 8678,2 8680 | 8679,2 8681 | 8680,2 8682 | 8681,2 8683 | 8682,2 8684 | 8683,2 8685 | 8684,2 8686 | 8685,2 8687 | 8686,2 8688 | 8687,2 8689 | 8688,2 8690 | 8689,2 8691 | 8690,2 8692 | 8691,2 8693 | 8692,2 8694 | 8693,2 8695 | 8694,2 8696 | 8695,2 8697 | 8696,2 8698 | 8697,2 8699 | 8698,2 8700 | 8699,2 8701 | 8700,2 8702 | 8701,2 8703 | 8702,2 8704 | 8703,2 8705 | 8704,2 8706 | 8705,2 8707 | 8706,2 8708 | 8707,2 8709 | 8708,2 8710 | 8709,2 8711 | 8710,2 8712 | 8711,2 8713 | 8712,2 8714 | 8713,2 8715 | 8714,2 8716 | 8715,2 8717 | 8716,1 8718 | 8717,2 8719 | 8718,2 8720 | 8719,2 8721 | 8720,2 8722 | 8721,2 8723 | 8722,2 8724 | 8723,2 8725 | 8724,2 8726 | 8725,2 8727 | 8726,2 8728 | 8727,2 8729 | 8728,2 8730 | 8729,2 8731 | 8730,2 8732 | 8731,2 8733 | 8732,2 8734 | 8733,2 8735 | 8734,2 8736 | 8735,2 8737 | 8736,2 8738 | 8737,2 8739 | 8738,2 8740 | 8739,2 8741 | 8740,2 8742 | 8741,2 8743 | 8742,2 8744 | 8743,2 8745 | 8744,2 8746 | 8745,2 8747 | 8746,2 8748 | 8747,2 8749 | 8748,2 8750 | 8749,2 8751 | 8750,2 8752 | 8751,2 8753 | 8752,2 8754 | 8753,2 8755 | 8754,2 8756 | 8755,2 8757 | 8756,2 8758 | 8757,2 8759 | 8758,2 8760 | 8759,2 8761 | 8760,2 8762 | 8761,2 8763 | 8762,2 8764 | 8763,2 8765 | 8764,2 8766 | 8765,2 8767 | 8766,2 8768 | 8767,2 8769 | 8768,2 8770 | 8769,2 8771 | 8770,2 8772 | 8771,2 8773 | 8772,2 8774 | 8773,2 8775 | 8774,2 8776 | 8775,2 8777 | 8776,2 8778 | 8777,2 8779 | 8778,2 8780 | 8779,2 8781 | 8780,2 8782 | 8781,2 8783 | 8782,2 8784 | 8783,2 8785 | 8784,2 8786 | 8785,2 8787 | 8786,2 8788 | 8787,2 8789 | 8788,2 8790 | 8789,2 8791 | 8790,2 8792 | 8791,2 8793 | 8792,2 8794 | 8793,2 8795 | 8794,2 8796 | 8795,2 8797 | 8796,2 8798 | 8797,2 8799 | 8798,2 8800 | 8799,2 8801 | 8800,2 8802 | 8801,2 8803 | 8802,2 8804 | 8803,2 8805 | 8804,2 8806 | 8805,2 8807 | 8806,2 8808 | 8807,2 8809 | 8808,2 8810 | 8809,2 8811 | 8810,1 8812 | 8811,2 8813 | 8812,2 8814 | 8813,2 8815 | 8814,2 8816 | 8815,2 8817 | 8816,2 8818 | 8817,2 8819 | 8818,2 8820 | 8819,2 8821 | 8820,2 8822 | 8821,2 8823 | 8822,2 8824 | 8823,2 8825 | 8824,2 8826 | 8825,2 8827 | 8826,2 8828 | 8827,2 8829 | 8828,2 8830 | 8829,2 8831 | 8830,2 8832 | 8831,2 8833 | 8832,2 8834 | 8833,2 8835 | 8834,2 8836 | 8835,2 8837 | 8836,2 8838 | 8837,2 8839 | 8838,2 8840 | 8839,2 8841 | 8840,2 8842 | 8841,2 8843 | 8842,2 8844 | 8843,2 8845 | 8844,2 8846 | 8845,2 8847 | 8846,2 8848 | 8847,2 8849 | 8848,2 8850 | 8849,2 8851 | 8850,2 8852 | 8851,2 8853 | 8852,2 8854 | 8853,2 8855 | 8854,2 8856 | 8855,2 8857 | 8856,2 8858 | 8857,2 8859 | 8858,2 8860 | 8859,2 8861 | 8860,2 8862 | 8861,2 8863 | 8862,2 8864 | 8863,2 8865 | 8864,2 8866 | 8865,2 8867 | 8866,2 8868 | 8867,2 8869 | 8868,2 8870 | 8869,2 8871 | 8870,2 8872 | 8871,2 8873 | 8872,2 8874 | 8873,2 8875 | 8874,2 8876 | 8875,2 8877 | 8876,2 8878 | 8877,2 8879 | 8878,2 8880 | 8879,2 8881 | 8880,2 8882 | 8881,2 8883 | 8882,2 8884 | 8883,2 8885 | 8884,2 8886 | 8885,2 8887 | 8886,2 8888 | 8887,2 8889 | 8888,2 8890 | 8889,2 8891 | 8890,2 8892 | 8891,2 8893 | 8892,2 8894 | 8893,2 8895 | 8894,2 8896 | 8895,2 8897 | 8896,2 8898 | 8897,2 8899 | 8898,2 8900 | 8899,2 8901 | 8900,2 8902 | 8901,2 8903 | 8902,2 8904 | 8903,2 8905 | 8904,2 8906 | 8905,2 8907 | 8906,2 8908 | 8907,2 8909 | 8908,2 8910 | 8909,2 8911 | 8910,2 8912 | 8911,2 8913 | 8912,2 8914 | 8913,2 8915 | 8914,2 8916 | 8915,2 8917 | 8916,2 8918 | 8917,2 8919 | 8918,2 8920 | 8919,2 8921 | 8920,2 8922 | 8921,2 8923 | 8922,2 8924 | 8923,2 8925 | 8924,2 8926 | 8925,2 8927 | 8926,2 8928 | 8927,2 8929 | 8928,2 8930 | 8929,2 8931 | 8930,2 8932 | 8931,2 8933 | 8932,2 8934 | 8933,2 8935 | 8934,2 8936 | 8935,2 8937 | 8936,2 8938 | 8937,2 8939 | 8938,2 8940 | 8939,2 8941 | 8940,2 8942 | 8941,2 8943 | 8942,2 8944 | 8943,2 8945 | 8944,2 8946 | 8945,2 8947 | 8946,2 8948 | 8947,2 8949 | 8948,2 8950 | 8949,2 8951 | 8950,2 8952 | 8951,2 8953 | 8952,2 8954 | 8953,2 8955 | 8954,2 8956 | 8955,2 8957 | 8956,2 8958 | 8957,2 8959 | 8958,2 8960 | 8959,2 8961 | 8960,2 8962 | 8961,2 8963 | 8962,2 8964 | 8963,2 8965 | 8964,2 8966 | 8965,2 8967 | 8966,2 8968 | 8967,2 8969 | 8968,2 8970 | 8969,2 8971 | 8970,2 8972 | 8971,2 8973 | 8972,2 8974 | 8973,2 8975 | 8974,2 8976 | 8975,2 8977 | 8976,2 8978 | 8977,2 8979 | 8978,2 8980 | 8979,2 8981 | 8980,2 8982 | 8981,2 8983 | 8982,2 8984 | 8983,2 8985 | 8984,2 8986 | 8985,2 8987 | 8986,2 8988 | 8987,2 8989 | 8988,2 8990 | 8989,2 8991 | 8990,2 8992 | 8991,2 8993 | 8992,2 8994 | 8993,2 8995 | 8994,2 8996 | 8995,2 8997 | 8996,2 8998 | 8997,2 8999 | 8998,2 9000 | 8999,2 9001 | 9000,2 9002 | 9001,2 9003 | 9002,2 9004 | 9003,2 9005 | 9004,2 9006 | 9005,2 9007 | 9006,2 9008 | 9007,2 9009 | 9008,2 9010 | 9009,2 9011 | 9010,2 9012 | 9011,2 9013 | 9012,2 9014 | 9013,1 9015 | 9014,2 9016 | 9015,2 9017 | 9016,2 9018 | 9017,2 9019 | 9018,2 9020 | 9019,2 9021 | 9020,2 9022 | 9021,2 9023 | 9022,2 9024 | 9023,2 9025 | 9024,1 9026 | 9025,2 9027 | 9026,2 9028 | 9027,2 9029 | 9028,2 9030 | 9029,2 9031 | 9030,2 9032 | 9031,2 9033 | 9032,2 9034 | 9033,2 9035 | 9034,2 9036 | 9035,2 9037 | 9036,2 9038 | 9037,2 9039 | 9038,2 9040 | 9039,2 9041 | 9040,2 9042 | 9041,2 9043 | 9042,2 9044 | 9043,2 9045 | 9044,2 9046 | 9045,2 9047 | 9046,2 9048 | 9047,2 9049 | 9048,2 9050 | 9049,2 9051 | 9050,2 9052 | 9051,2 9053 | 9052,2 9054 | 9053,2 9055 | 9054,2 9056 | 9055,2 9057 | 9056,2 9058 | 9057,2 9059 | 9058,2 9060 | 9059,2 9061 | 9060,2 9062 | 9061,1 9063 | 9062,2 9064 | 9063,1 9065 | 9064,2 9066 | 9065,2 9067 | 9066,2 9068 | 9067,2 9069 | 9068,2 9070 | 9069,2 9071 | 9070,2 9072 | 9071,2 9073 | 9072,2 9074 | 9073,2 9075 | 9074,2 9076 | 9075,2 9077 | 9076,2 9078 | 9077,1 9079 | 9078,1 9080 | 9079,1 9081 | 9080,1 9082 | 9081,1 9083 | 9082,1 9084 | 9083,1 9085 | 9084,1 9086 | 9085,1 9087 | 9086,1 9088 | 9087,1 9089 | 9088,1 9090 | 9089,1 9091 | 9090,1 9092 | 9091,1 9093 | 9092,1 9094 | 9093,1 9095 | 9094,1 9096 | 9095,1 9097 | 9096,1 9098 | 9097,1 9099 | 9098,1 9100 | 9099,1 9101 | 9100,1 9102 | 9101,1 9103 | 9102,1 9104 | 9103,1 9105 | 9104,1 9106 | 9105,1 9107 | 9106,1 9108 | 9107,1 9109 | 9108,1 9110 | 9109,1 9111 | 9110,1 9112 | 9111,1 9113 | 9112,1 9114 | 9113,1 9115 | 9114,1 9116 | 9115,1 9117 | 9116,1 9118 | 9117,1 9119 | 9118,1 9120 | 9119,1 9121 | 9120,1 9122 | 9121,1 9123 | 9122,1 9124 | 9123,1 9125 | 9124,1 9126 | 9125,1 9127 | 9126,1 9128 | 9127,1 9129 | 9128,1 9130 | 9129,1 9131 | 9130,1 9132 | 9131,1 9133 | 9132,1 9134 | 9133,1 9135 | 9134,1 9136 | 9135,1 9137 | 9136,1 9138 | 9137,1 9139 | 9138,1 9140 | 9139,1 9141 | 9140,1 9142 | 9141,1 9143 | 9142,1 9144 | 9143,1 9145 | 9144,1 9146 | 9145,1 9147 | 9146,1 9148 | 9147,1 9149 | 9148,1 9150 | 9149,1 9151 | 9150,1 9152 | 9151,1 9153 | 9152,1 9154 | 9153,1 9155 | 9154,1 9156 | 9155,1 9157 | 9156,1 9158 | 9157,1 9159 | 9158,1 9160 | 9159,1 9161 | 9160,1 9162 | 9161,1 9163 | 9162,1 9164 | 9163,1 9165 | 9164,1 9166 | 9165,1 9167 | 9166,1 9168 | 9167,1 9169 | 9168,1 9170 | 9169,1 9171 | 9170,1 9172 | 9171,1 9173 | 9172,1 9174 | 9173,1 9175 | 9174,1 9176 | 9175,1 9177 | 9176,1 9178 | 9177,1 9179 | 9178,1 9180 | 9179,1 9181 | 9180,1 9182 | 9181,1 9183 | 9182,1 9184 | 9183,1 9185 | 9184,1 9186 | 9185,1 9187 | 9186,1 9188 | 9187,1 9189 | 9188,1 9190 | 9189,1 9191 | 9190,1 9192 | 9191,1 9193 | 9192,1 9194 | 9193,1 9195 | 9194,1 9196 | 9195,1 9197 | 9196,1 9198 | 9197,1 9199 | 9198,1 9200 | 9199,1 9201 | 9200,1 9202 | 9201,1 9203 | 9202,1 9204 | 9203,1 9205 | 9204,1 9206 | 9205,1 9207 | 9206,1 9208 | 9207,1 9209 | 9208,1 9210 | 9209,1 9211 | 9210,1 9212 | 9211,1 9213 | 9212,1 9214 | 9213,1 9215 | 9214,1 9216 | 9215,1 9217 | 9216,1 9218 | 9217,1 9219 | 9218,1 9220 | 9219,1 9221 | 9220,1 9222 | 9221,1 9223 | 9222,1 9224 | 9223,1 9225 | 9224,1 9226 | 9225,1 9227 | 9226,1 9228 | 9227,1 9229 | 9228,1 9230 | 9229,1 9231 | 9230,1 9232 | 9231,1 9233 | 9232,1 9234 | 9233,1 9235 | 9234,1 9236 | 9235,1 9237 | 9236,1 9238 | 9237,1 9239 | 9238,1 9240 | 9239,1 9241 | 9240,1 9242 | 9241,1 9243 | 9242,1 9244 | 9243,1 9245 | 9244,1 9246 | 9245,1 9247 | 9246,1 9248 | 9247,1 9249 | 9248,1 9250 | 9249,1 9251 | 9250,1 9252 | 9251,1 9253 | 9252,1 9254 | 9253,1 9255 | 9254,1 9256 | 9255,1 9257 | 9256,1 9258 | 9257,1 9259 | 9258,1 9260 | 9259,1 9261 | 9260,1 9262 | 9261,1 9263 | 9262,1 9264 | 9263,1 9265 | 9264,1 9266 | 9265,1 9267 | 9266,1 9268 | 9267,1 9269 | 9268,1 9270 | 9269,1 9271 | 9270,1 9272 | 9271,1 9273 | 9272,1 9274 | 9273,1 9275 | 9274,1 9276 | 9275,1 9277 | 9276,1 9278 | 9277,1 9279 | 9278,1 9280 | 9279,1 9281 | 9280,1 9282 | 9281,1 9283 | 9282,1 9284 | 9283,1 9285 | 9284,1 9286 | 9285,1 9287 | 9286,1 9288 | 9287,1 9289 | 9288,1 9290 | 9289,1 9291 | 9290,1 9292 | 9291,1 9293 | 9292,1 9294 | 9293,1 9295 | 9294,1 9296 | 9295,1 9297 | 9296,1 9298 | 9297,1 9299 | 9298,1 9300 | 9299,1 9301 | 9300,1 9302 | 9301,1 9303 | 9302,1 9304 | 9303,1 9305 | 9304,1 9306 | 9305,1 9307 | 9306,1 9308 | 9307,1 9309 | 9308,1 9310 | 9309,1 9311 | 9310,1 9312 | 9311,1 9313 | 9312,1 9314 | 9313,1 9315 | 9314,1 9316 | 9315,1 9317 | 9316,1 9318 | 9317,1 9319 | 9318,1 9320 | 9319,1 9321 | 9320,1 9322 | 9321,1 9323 | 9322,1 9324 | 9323,1 9325 | 9324,1 9326 | 9325,1 9327 | 9326,1 9328 | 9327,1 9329 | 9328,1 9330 | 9329,1 9331 | 9330,1 9332 | 9331,1 9333 | 9332,1 9334 | 9333,1 9335 | 9334,1 9336 | 9335,1 9337 | 9336,1 9338 | 9337,1 9339 | 9338,1 9340 | 9339,1 9341 | 9340,1 9342 | 9341,1 9343 | 9342,1 9344 | 9343,1 9345 | 9344,1 9346 | 9345,1 9347 | 9346,1 9348 | 9347,1 9349 | 9348,1 9350 | 9349,1 9351 | 9350,1 9352 | 9351,1 9353 | 9352,1 9354 | 9353,1 9355 | 9354,1 9356 | 9355,1 9357 | 9356,1 9358 | 9357,1 9359 | 9358,1 9360 | 9359,1 9361 | 9360,1 9362 | 9361,1 9363 | 9362,1 9364 | 9363,1 9365 | 9364,1 9366 | 9365,1 9367 | 9366,1 9368 | 9367,1 9369 | 9368,1 9370 | 9369,1 9371 | 9370,1 9372 | 9371,1 9373 | 9372,1 9374 | 9373,1 9375 | 9374,1 9376 | 9375,1 9377 | 9376,1 9378 | 9377,1 9379 | 9378,1 9380 | 9379,1 9381 | 9380,1 9382 | 9381,1 9383 | 9382,1 9384 | 9383,1 9385 | 9384,1 9386 | 9385,1 9387 | 9386,1 9388 | 9387,1 9389 | 9388,1 9390 | 9389,1 9391 | 9390,1 9392 | 9391,1 9393 | 9392,1 9394 | 9393,1 9395 | 9394,1 9396 | 9395,1 9397 | 9396,1 9398 | 9397,1 9399 | 9398,1 9400 | 9399,1 9401 | 9400,1 9402 | 9401,1 9403 | 9402,1 9404 | 9403,1 9405 | 9404,1 9406 | 9405,1 9407 | 9406,1 9408 | 9407,1 9409 | 9408,1 9410 | 9409,1 9411 | 9410,1 9412 | 9411,1 9413 | 9412,1 9414 | 9413,1 9415 | 9414,1 9416 | 9415,1 9417 | 9416,1 9418 | 9417,1 9419 | 9418,1 9420 | 9419,1 9421 | 9420,1 9422 | 9421,1 9423 | 9422,1 9424 | 9423,1 9425 | 9424,1 9426 | 9425,1 9427 | 9426,1 9428 | 9427,1 9429 | 9428,1 9430 | 9429,1 9431 | 9430,1 9432 | 9431,1 9433 | 9432,1 9434 | 9433,1 9435 | 9434,1 9436 | 9435,1 9437 | 9436,1 9438 | 9437,1 9439 | 9438,1 9440 | 9439,1 9441 | 9440,1 9442 | 9441,1 9443 | 9442,1 9444 | 9443,1 9445 | 9444,1 9446 | 9445,1 9447 | 9446,1 9448 | 9447,1 9449 | 9448,1 9450 | 9449,1 9451 | 9450,1 9452 | 9451,1 9453 | 9452,1 9454 | 9453,1 9455 | 9454,1 9456 | 9455,1 9457 | 9456,1 9458 | 9457,1 9459 | 9458,1 9460 | 9459,1 9461 | 9460,1 9462 | 9461,1 9463 | 9462,1 9464 | 9463,1 9465 | 9464,1 9466 | 9465,1 9467 | 9466,1 9468 | 9467,1 9469 | 9468,1 9470 | 9469,1 9471 | 9470,1 9472 | 9471,1 9473 | 9472,1 9474 | 9473,1 9475 | 9474,1 9476 | 9475,1 9477 | 9476,1 9478 | 9477,1 9479 | 9478,1 9480 | 9479,1 9481 | 9480,1 9482 | 9481,1 9483 | 9482,1 9484 | 9483,1 9485 | 9484,1 9486 | 9485,1 9487 | 9486,1 9488 | 9487,1 9489 | 9488,1 9490 | 9489,1 9491 | 9490,1 9492 | 9491,1 9493 | 9492,1 9494 | 9493,1 9495 | 9494,1 9496 | 9495,1 9497 | 9496,1 9498 | 9497,1 9499 | 9498,1 9500 | 9499,1 9501 | 9500,1 9502 | 9501,1 9503 | 9502,1 9504 | 9503,1 9505 | 9504,1 9506 | 9505,1 9507 | 9506,1 9508 | 9507,1 9509 | 9508,1 9510 | 9509,1 9511 | 9510,1 9512 | 9511,1 9513 | 9512,1 9514 | 9513,1 9515 | 9514,1 9516 | 9515,1 9517 | 9516,1 9518 | 9517,1 9519 | 9518,1 9520 | 9519,1 9521 | 9520,1 9522 | 9521,1 9523 | 9522,1 9524 | 9523,1 9525 | 9524,1 9526 | 9525,1 9527 | 9526,1 9528 | 9527,1 9529 | 9528,1 9530 | 9529,1 9531 | 9530,1 9532 | 9531,1 9533 | 9532,1 9534 | 9533,1 9535 | 9534,1 9536 | 9535,1 9537 | 9536,1 9538 | 9537,1 9539 | 9538,1 9540 | 9539,1 9541 | 9540,1 9542 | 9541,1 9543 | 9542,1 9544 | 9543,1 9545 | 9544,1 9546 | 9545,1 9547 | 9546,1 9548 | 9547,1 9549 | 9548,1 9550 | 9549,1 9551 | 9550,1 9552 | 9551,1 9553 | 9552,1 9554 | 9553,1 9555 | 9554,1 9556 | 9555,1 9557 | 9556,1 9558 | 9557,1 9559 | 9558,1 9560 | 9559,1 9561 | 9560,1 9562 | 9561,1 9563 | 9562,1 9564 | 9563,1 9565 | 9564,1 9566 | 9565,1 9567 | 9566,1 9568 | 9567,1 9569 | 9568,1 9570 | 9569,1 9571 | 9570,1 9572 | 9571,1 9573 | 9572,1 9574 | 9573,1 9575 | 9574,1 9576 | 9575,1 9577 | 9576,1 9578 | 9577,1 9579 | 9578,1 9580 | 9579,1 9581 | 9580,1 9582 | 9581,1 9583 | 9582,1 9584 | 9583,1 9585 | 9584,1 9586 | 9585,1 9587 | 9586,1 9588 | 9587,1 9589 | 9588,1 9590 | 9589,1 9591 | 9590,1 9592 | 9591,1 9593 | 9592,1 9594 | 9593,1 9595 | 9594,1 9596 | 9595,1 9597 | 9596,1 9598 | 9597,1 9599 | 9598,1 9600 | 9599,1 9601 | 9600,1 9602 | 9601,1 9603 | 9602,1 9604 | 9603,1 9605 | 9604,1 9606 | 9605,1 9607 | 9606,1 9608 | 9607,1 9609 | 9608,1 9610 | 9609,1 9611 | 9610,1 9612 | 9611,1 9613 | 9612,1 9614 | 9613,1 9615 | 9614,1 9616 | 9615,1 9617 | 9616,1 9618 | 9617,1 9619 | 9618,1 9620 | 9619,1 9621 | 9620,1 9622 | 9621,1 9623 | 9622,1 9624 | 9623,1 9625 | 9624,1 9626 | 9625,1 9627 | 9626,1 9628 | 9627,1 9629 | 9628,1 9630 | 9629,1 9631 | 9630,1 9632 | 9631,1 9633 | 9632,1 9634 | 9633,1 9635 | 9634,1 9636 | 9635,1 9637 | 9636,1 9638 | 9637,1 9639 | 9638,1 9640 | 9639,1 9641 | 9640,1 9642 | 9641,1 9643 | 9642,1 9644 | 9643,1 9645 | 9644,1 9646 | 9645,1 9647 | 9646,1 9648 | 9647,1 9649 | 9648,1 9650 | 9649,1 9651 | 9650,1 9652 | 9651,1 9653 | 9652,1 9654 | 9653,1 9655 | 9654,1 9656 | 9655,1 9657 | 9656,1 9658 | 9657,1 9659 | 9658,1 9660 | 9659,1 9661 | 9660,1 9662 | 9661,1 9663 | 9662,1 9664 | 9663,1 9665 | 9664,1 9666 | 9665,1 9667 | 9666,1 9668 | 9667,1 9669 | 9668,1 9670 | 9669,1 9671 | 9670,1 9672 | 9671,1 9673 | 9672,1 9674 | 9673,1 9675 | 9674,1 9676 | 9675,1 9677 | 9676,1 9678 | 9677,1 9679 | 9678,1 9680 | 9679,1 9681 | 9680,1 9682 | 9681,1 9683 | 9682,1 9684 | 9683,1 9685 | 9684,1 9686 | 9685,1 9687 | 9686,1 9688 | 9687,1 9689 | 9688,1 9690 | 9689,1 9691 | 9690,1 9692 | 9691,1 9693 | 9692,1 9694 | 9693,1 9695 | 9694,1 9696 | 9695,1 9697 | 9696,1 9698 | 9697,1 9699 | 9698,1 9700 | 9699,1 9701 | 9700,1 9702 | 9701,1 9703 | 9702,1 9704 | 9703,1 9705 | 9704,1 9706 | 9705,1 9707 | 9706,1 9708 | 9707,1 9709 | 9708,1 9710 | 9709,1 9711 | 9710,1 9712 | 9711,1 9713 | 9712,1 9714 | 9713,1 9715 | 9714,1 9716 | 9715,1 9717 | 9716,1 9718 | 9717,1 9719 | 9718,1 9720 | 9719,1 9721 | 9720,1 9722 | 9721,1 9723 | 9722,1 9724 | 9723,1 9725 | 9724,1 9726 | 9725,1 9727 | 9726,1 9728 | 9727,1 9729 | 9728,1 9730 | 9729,1 9731 | 9730,1 9732 | 9731,1 9733 | 9732,1 9734 | 9733,1 9735 | 9734,1 9736 | 9735,1 9737 | 9736,1 9738 | 9737,1 9739 | 9738,1 9740 | 9739,1 9741 | 9740,1 9742 | 9741,1 9743 | 9742,1 9744 | 9743,1 9745 | 9744,1 9746 | 9745,1 9747 | 9746,1 9748 | 9747,1 9749 | 9748,1 9750 | 9749,1 9751 | 9750,1 9752 | 9751,1 9753 | 9752,1 9754 | 9753,1 9755 | 9754,1 9756 | 9755,1 9757 | 9756,1 9758 | 9757,1 9759 | 9758,1 9760 | 9759,1 9761 | 9760,1 9762 | 9761,1 9763 | 9762,1 9764 | 9763,1 9765 | 9764,1 9766 | 9765,1 9767 | 9766,1 9768 | 9767,1 9769 | 9768,1 9770 | 9769,1 9771 | 9770,1 9772 | 9771,1 9773 | 9772,1 9774 | 9773,1 9775 | 9774,1 9776 | 9775,1 9777 | 9776,1 9778 | 9777,1 9779 | 9778,1 9780 | 9779,1 9781 | 9780,1 9782 | 9781,1 9783 | 9782,1 9784 | 9783,1 9785 | 9784,1 9786 | 9785,1 9787 | 9786,1 9788 | 9787,1 9789 | 9788,1 9790 | 9789,1 9791 | 9790,1 9792 | 9791,1 9793 | 9792,1 9794 | 9793,1 9795 | 9794,1 9796 | 9795,1 9797 | 9796,1 9798 | 9797,1 9799 | 9798,1 9800 | 9799,1 9801 | 9800,1 9802 | 9801,1 9803 | 9802,1 9804 | 9803,1 9805 | 9804,1 9806 | 9805,1 9807 | 9806,1 9808 | 9807,1 9809 | 9808,1 9810 | 9809,1 9811 | 9810,1 9812 | 9811,1 9813 | 9812,1 9814 | 9813,1 9815 | 9814,1 9816 | 9815,1 9817 | 9816,1 9818 | 9817,1 9819 | 9818,1 9820 | 9819,1 9821 | 9820,1 9822 | 9821,1 9823 | 9822,1 9824 | 9823,1 9825 | 9824,1 9826 | 9825,1 9827 | 9826,1 9828 | 9827,1 9829 | 9828,1 9830 | 9829,1 9831 | 9830,1 9832 | 9831,1 9833 | 9832,1 9834 | 9833,1 9835 | 9834,1 9836 | 9835,1 9837 | 9836,1 9838 | 9837,1 9839 | 9838,1 9840 | 9839,1 9841 | 9840,1 9842 | 9841,1 9843 | 9842,1 9844 | 9843,1 9845 | 9844,1 9846 | 9845,1 9847 | 9846,1 9848 | 9847,1 9849 | 9848,1 9850 | 9849,1 9851 | 9850,1 9852 | 9851,1 9853 | 9852,1 9854 | 9853,1 9855 | 9854,1 9856 | 9855,1 9857 | 9856,1 9858 | 9857,1 9859 | 9858,1 9860 | 9859,1 9861 | 9860,1 9862 | 9861,1 9863 | 9862,1 9864 | 9863,1 9865 | 9864,1 9866 | 9865,1 9867 | 9866,1 9868 | 9867,1 9869 | 9868,1 9870 | 9869,1 9871 | 9870,1 9872 | 9871,1 9873 | 9872,1 9874 | 9873,1 9875 | 9874,1 9876 | 9875,1 9877 | 9876,1 9878 | 9877,1 9879 | 9878,1 9880 | 9879,1 9881 | 9880,1 9882 | 9881,1 9883 | 9882,1 9884 | 9883,1 9885 | 9884,1 9886 | 9885,1 9887 | 9886,1 9888 | 9887,1 9889 | 9888,1 9890 | 9889,1 9891 | 9890,1 9892 | 9891,1 9893 | 9892,1 9894 | 9893,1 9895 | 9894,1 9896 | 9895,1 9897 | 9896,1 9898 | 9897,1 9899 | 9898,1 9900 | 9899,1 9901 | 9900,1 9902 | 9901,1 9903 | 9902,1 9904 | 9903,1 9905 | 9904,1 9906 | 9905,1 9907 | 9906,1 9908 | 9907,1 9909 | 9908,1 9910 | 9909,1 9911 | 9910,1 9912 | 9911,1 9913 | 9912,1 9914 | 9913,1 9915 | 9914,1 9916 | 9915,1 9917 | 9916,1 9918 | 9917,1 9919 | 9918,1 9920 | 9919,1 9921 | 9920,1 9922 | 9921,1 9923 | 9922,1 9924 | 9923,1 9925 | 9924,1 9926 | 9925,1 9927 | 9926,1 9928 | 9927,1 9929 | 9928,1 9930 | 9929,1 9931 | 9930,1 9932 | 9931,1 9933 | 9932,1 9934 | 9933,1 9935 | 9934,1 9936 | 9935,1 9937 | 9936,1 9938 | 9937,1 9939 | 9938,1 9940 | 9939,1 9941 | 9940,1 9942 | 9941,1 9943 | 9942,1 9944 | 9943,1 9945 | 9944,1 9946 | 9945,1 9947 | 9946,1 9948 | 9947,1 9949 | 9948,1 9950 | 9949,1 9951 | 9950,1 9952 | 9951,1 9953 | 9952,1 9954 | 9953,1 9955 | 9954,1 9956 | 9955,1 9957 | 9956,1 9958 | 9957,1 9959 | 9958,1 9960 | 9959,1 9961 | 9960,1 9962 | 9961,1 9963 | 9962,1 9964 | 9963,1 9965 | 9964,1 9966 | 9965,1 9967 | 9966,1 9968 | 9967,1 9969 | 9968,1 9970 | 9969,1 9971 | 9970,1 9972 | 9971,1 9973 | 9972,1 9974 | 9973,1 9975 | 9974,1 9976 | 9975,1 9977 | 9976,1 9978 | 9977,1 9979 | 9978,1 9980 | 9979,1 9981 | 9980,1 9982 | 9981,1 9983 | 9982,1 9984 | 9983,1 9985 | 9984,1 9986 | 9985,1 9987 | 9986,1 9988 | 9987,1 9989 | 9988,1 9990 | 9989,1 9991 | 9990,1 9992 | 9991,1 9993 | 9992,1 9994 | 9993,1 9995 | 9994,1 9996 | 9995,1 9997 | 9996,1 9998 | 9997,1 9999 | 9998,1 10000 | 9999,1 10001 | 10000,1 10002 | 10001,1 10003 | 10002,1 10004 | 10003,1 10005 | 10004,1 10006 | 10005,1 10007 | 10006,1 10008 | 10007,1 10009 | 10008,1 10010 | 10009,1 10011 | 10010,1 10012 | 10011,1 10013 | 10012,1 10014 | 10013,1 10015 | 10014,1 10016 | 10015,1 10017 | 10016,1 10018 | 10017,1 10019 | 10018,1 10020 | 10019,1 10021 | 10020,1 10022 | 10021,1 10023 | 10022,1 10024 | 10023,1 10025 | 10024,1 10026 | 10025,1 10027 | 10026,1 10028 | 10027,1 10029 | 10028,1 10030 | 10029,1 10031 | 10030,1 10032 | 10031,1 10033 | 10032,1 10034 | 10033,1 10035 | 10034,1 10036 | 10035,1 10037 | 10036,1 10038 | 10037,1 10039 | 10038,1 10040 | 10039,1 10041 | 10040,1 10042 | 10041,1 10043 | 10042,1 10044 | 10043,1 10045 | 10044,1 10046 | 10045,1 10047 | 10046,1 10048 | 10047,1 10049 | 10048,1 10050 | 10049,1 10051 | 10050,1 10052 | 10051,1 10053 | 10052,1 10054 | 10053,1 10055 | 10054,1 10056 | 10055,1 10057 | 10056,1 10058 | 10057,1 10059 | 10058,1 10060 | 10059,1 10061 | 10060,1 10062 | 10061,1 10063 | 10062,1 10064 | 10063,1 10065 | 10064,1 10066 | 10065,1 10067 | 10066,1 10068 | 10067,1 10069 | 10068,1 10070 | 10069,1 10071 | 10070,1 10072 | 10071,1 10073 | 10072,1 10074 | 10073,1 10075 | 10074,1 10076 | 10075,1 10077 | 10076,1 10078 | 10077,1 10079 | 10078,1 10080 | 10079,1 10081 | 10080,1 10082 | 10081,1 10083 | 10082,1 10084 | 10083,1 10085 | 10084,1 10086 | 10085,1 10087 | 10086,1 10088 | 10087,1 10089 | 10088,1 10090 | 10089,1 10091 | 10090,1 10092 | 10091,1 10093 | 10092,1 10094 | 10093,1 10095 | 10094,1 10096 | 10095,1 10097 | 10096,1 10098 | 10097,1 10099 | 10098,1 10100 | 10099,1 10101 | 10100,1 10102 | 10101,1 10103 | 10102,1 10104 | 10103,1 10105 | 10104,1 10106 | 10105,1 10107 | 10106,1 10108 | 10107,1 10109 | 10108,1 10110 | 10109,1 10111 | 10110,1 10112 | 10111,1 10113 | 10112,1 10114 | 10113,1 10115 | 10114,1 10116 | 10115,1 10117 | 10116,1 10118 | 10117,1 10119 | 10118,1 10120 | 10119,1 10121 | 10120,1 10122 | 10121,1 10123 | 10122,1 10124 | 10123,1 10125 | 10124,1 10126 | 10125,1 10127 | 10126,1 10128 | 10127,1 10129 | 10128,1 10130 | 10129,1 10131 | 10130,1 10132 | 10131,1 10133 | 10132,1 10134 | 10133,1 10135 | 10134,1 10136 | 10135,1 10137 | 10136,1 10138 | 10137,1 10139 | 10138,1 10140 | 10139,1 10141 | 10140,1 10142 | 10141,1 10143 | 10142,1 10144 | 10143,1 10145 | 10144,1 10146 | 10145,1 10147 | 10146,1 10148 | 10147,1 10149 | 10148,1 10150 | 10149,1 10151 | 10150,1 10152 | 10151,1 10153 | 10152,1 10154 | 10153,1 10155 | 10154,1 10156 | 10155,1 10157 | 10156,1 10158 | 10157,1 10159 | 10158,1 10160 | 10159,1 10161 | 10160,1 10162 | 10161,1 10163 | 10162,1 10164 | 10163,1 10165 | 10164,1 10166 | 10165,1 10167 | 10166,1 10168 | 10167,1 10169 | 10168,1 10170 | 10169,1 10171 | 10170,1 10172 | 10171,1 10173 | 10172,1 10174 | 10173,1 10175 | 10174,1 10176 | 10175,1 10177 | 10176,1 10178 | 10177,1 10179 | 10178,1 10180 | 10179,1 10181 | 10180,1 10182 | 10181,1 10183 | 10182,1 10184 | 10183,1 10185 | 10184,1 10186 | 10185,1 10187 | 10186,1 10188 | 10187,1 10189 | 10188,1 10190 | 10189,1 10191 | 10190,1 10192 | 10191,1 10193 | 10192,1 10194 | 10193,1 10195 | 10194,1 10196 | 10195,1 10197 | 10196,1 10198 | 10197,1 10199 | 10198,1 10200 | 10199,1 10201 | 10200,1 10202 | 10201,1 10203 | 10202,1 10204 | 10203,1 10205 | 10204,1 10206 | 10205,1 10207 | 10206,1 10208 | 10207,1 10209 | 10208,1 10210 | 10209,1 10211 | 10210,1 10212 | 10211,1 10213 | 10212,1 10214 | 10213,1 10215 | 10214,1 10216 | 10215,1 10217 | 10216,1 10218 | 10217,1 10219 | 10218,1 10220 | 10219,1 10221 | 10220,1 10222 | 10221,1 10223 | 10222,1 10224 | 10223,1 10225 | 10224,1 10226 | 10225,1 10227 | 10226,1 10228 | 10227,1 10229 | 10228,1 10230 | 10229,1 10231 | 10230,1 10232 | 10231,1 10233 | 10232,1 10234 | 10233,1 10235 | 10234,1 10236 | 10235,1 10237 | 10236,1 10238 | 10237,1 10239 | 10238,1 10240 | 10239,1 10241 | 10240,1 10242 | 10241,1 10243 | 10242,1 10244 | 10243,1 10245 | 10244,1 10246 | 10245,1 10247 | 10246,1 10248 | 10247,1 10249 | 10248,1 10250 | 10249,1 10251 | 10250,1 10252 | 10251,1 10253 | 10252,1 10254 | 10253,1 10255 | 10254,1 10256 | 10255,1 10257 | 10256,1 10258 | 10257,1 10259 | 10258,1 10260 | 10259,1 10261 | 10260,1 10262 | 10261,1 10263 | 10262,1 10264 | 10263,1 10265 | 10264,1 10266 | 10265,1 10267 | 10266,1 10268 | 10267,1 10269 | 10268,1 10270 | 10269,1 10271 | 10270,1 10272 | 10271,1 10273 | 10272,1 10274 | 10273,1 10275 | 10274,1 10276 | 10275,1 10277 | 10276,1 10278 | 10277,1 10279 | 10278,1 10280 | 10279,1 10281 | 10280,1 10282 | 10281,1 10283 | 10282,1 10284 | 10283,1 10285 | 10284,1 10286 | 10285,1 10287 | 10286,1 10288 | 10287,1 10289 | 10288,1 10290 | 10289,1 10291 | 10290,1 10292 | 10291,1 10293 | 10292,1 10294 | 10293,1 10295 | 10294,1 10296 | 10295,1 10297 | 10296,1 10298 | 10297,1 10299 | 10298,1 10300 | 10299,1 10301 | 10300,1 10302 | 10301,1 10303 | 10302,1 10304 | 10303,1 10305 | 10304,1 10306 | 10305,1 10307 | 10306,1 10308 | 10307,1 10309 | 10308,1 10310 | 10309,1 10311 | 10310,1 10312 | 10311,1 10313 | 10312,1 10314 | 10313,1 10315 | 10314,1 10316 | 10315,1 10317 | 10316,1 10318 | 10317,1 10319 | 10318,1 10320 | 10319,1 10321 | 10320,1 10322 | 10321,1 10323 | 10322,1 10324 | 10323,1 10325 | 10324,1 10326 | 10325,1 10327 | 10326,1 10328 | 10327,1 10329 | 10328,1 10330 | 10329,1 10331 | 10330,1 10332 | 10331,1 10333 | 10332,1 10334 | 10333,1 10335 | 10334,1 10336 | 10335,1 10337 | 10336,1 10338 | 10337,1 10339 | 10338,1 10340 | 10339,1 10341 | 10340,1 10342 | 10341,1 10343 | 10342,1 10344 | 10343,1 10345 | 10344,1 10346 | 10345,1 10347 | 10346,1 10348 | 10347,1 10349 | 10348,1 10350 | 10349,1 10351 | 10350,1 10352 | 10351,1 10353 | 10352,1 10354 | 10353,1 10355 | 10354,1 10356 | 10355,1 10357 | 10356,1 10358 | 10357,1 10359 | 10358,1 10360 | 10359,1 10361 | 10360,1 10362 | 10361,1 10363 | 10362,1 10364 | 10363,1 10365 | 10364,1 10366 | 10365,1 10367 | 10366,1 10368 | 10367,1 10369 | 10368,1 10370 | 10369,1 10371 | 10370,1 10372 | 10371,1 10373 | 10372,1 10374 | 10373,1 10375 | 10374,1 10376 | 10375,1 10377 | 10376,1 10378 | 10377,1 10379 | 10378,1 10380 | 10379,1 10381 | 10380,1 10382 | 10381,1 10383 | 10382,1 10384 | 10383,1 10385 | 10384,1 10386 | 10385,1 10387 | 10386,1 10388 | 10387,1 10389 | 10388,1 10390 | 10389,1 10391 | 10390,1 10392 | 10391,1 10393 | 10392,1 10394 | 10393,1 10395 | 10394,1 10396 | 10395,1 10397 | 10396,1 10398 | 10397,1 10399 | 10398,1 10400 | 10399,1 10401 | 10400,1 10402 | 10401,1 10403 | 10402,1 10404 | 10403,1 10405 | 10404,1 10406 | 10405,1 10407 | 10406,1 10408 | 10407,1 10409 | 10408,1 10410 | 10409,1 10411 | 10410,1 10412 | 10411,1 10413 | 10412,1 10414 | 10413,1 10415 | 10414,1 10416 | 10415,1 10417 | 10416,1 10418 | 10417,1 10419 | 10418,1 10420 | 10419,1 10421 | 10420,1 10422 | 10421,1 10423 | 10422,1 10424 | 10423,1 10425 | 10424,1 10426 | 10425,1 10427 | 10426,1 10428 | 10427,1 10429 | 10428,1 10430 | 10429,1 10431 | 10430,1 10432 | 10431,1 10433 | 10432,1 10434 | 10433,1 10435 | 10434,1 10436 | 10435,1 10437 | 10436,1 10438 | 10437,1 10439 | 10438,1 10440 | 10439,1 10441 | 10440,1 10442 | 10441,1 10443 | 10442,1 10444 | 10443,1 10445 | 10444,1 10446 | 10445,1 10447 | 10446,1 10448 | 10447,1 10449 | 10448,1 10450 | 10449,1 10451 | 10450,1 10452 | 10451,1 10453 | 10452,1 10454 | 10453,1 10455 | 10454,1 10456 | 10455,1 10457 | 10456,1 10458 | 10457,1 10459 | 10458,1 10460 | 10459,1 10461 | 10460,1 10462 | 10461,1 10463 | 10462,1 10464 | 10463,1 10465 | 10464,1 10466 | 10465,1 10467 | 10466,1 10468 | 10467,1 10469 | 10468,1 10470 | 10469,1 10471 | 10470,1 10472 | 10471,1 10473 | 10472,1 10474 | 10473,1 10475 | 10474,1 10476 | 10475,1 10477 | 10476,1 10478 | 10477,1 10479 | 10478,1 10480 | 10479,1 10481 | 10480,1 10482 | 10481,1 10483 | 10482,1 10484 | 10483,1 10485 | 10484,1 10486 | 10485,1 10487 | 10486,1 10488 | 10487,1 10489 | 10488,1 10490 | 10489,1 10491 | 10490,1 10492 | 10491,1 10493 | 10492,1 10494 | 10493,1 10495 | 10494,1 10496 | 10495,1 10497 | 10496,1 10498 | 10497,1 10499 | 10498,1 10500 | 10499,1 10501 | 10500,1 10502 | 10501,1 10503 | 10502,1 10504 | 10503,1 10505 | 10504,1 10506 | 10505,1 10507 | 10506,1 10508 | 10507,1 10509 | 10508,1 10510 | 10509,1 10511 | 10510,1 10512 | 10511,1 10513 | 10512,1 10514 | 10513,1 10515 | 10514,1 10516 | 10515,1 10517 | 10516,1 10518 | 10517,1 10519 | 10518,1 10520 | 10519,1 10521 | 10520,1 10522 | 10521,1 10523 | 10522,1 10524 | 10523,1 10525 | 10524,1 10526 | 10525,1 10527 | 10526,1 10528 | 10527,1 10529 | 10528,1 10530 | 10529,1 10531 | 10530,1 10532 | 10531,1 10533 | 10532,1 10534 | 10533,1 10535 | 10534,1 10536 | 10535,1 10537 | 10536,1 10538 | 10537,1 10539 | 10538,1 10540 | 10539,1 10541 | 10540,1 10542 | 10541,1 10543 | 10542,1 10544 | 10543,1 10545 | 10544,1 10546 | 10545,1 10547 | 10546,1 10548 | 10547,1 10549 | 10548,1 10550 | 10549,1 10551 | 10550,1 10552 | 10551,1 10553 | 10552,1 10554 | 10553,1 10555 | 10554,1 10556 | 10555,1 10557 | 10556,1 10558 | 10557,1 10559 | 10558,1 10560 | 10559,1 10561 | 10560,1 10562 | 10561,1 10563 | 10562,1 10564 | 10563,1 10565 | 10564,1 10566 | 10565,1 10567 | 10566,1 10568 | 10567,1 10569 | 10568,1 10570 | 10569,1 10571 | 10570,1 10572 | 10571,1 10573 | 10572,1 10574 | 10573,1 10575 | 10574,1 10576 | 10575,1 10577 | 10576,1 10578 | 10577,1 10579 | 10578,1 10580 | 10579,1 10581 | 10580,1 10582 | 10581,1 10583 | 10582,1 10584 | 10583,1 10585 | 10584,1 10586 | 10585,1 10587 | 10586,1 10588 | 10587,1 10589 | 10588,1 10590 | 10589,1 10591 | 10590,1 10592 | 10591,1 10593 | 10592,1 10594 | 10593,1 10595 | 10594,1 10596 | 10595,1 10597 | 10596,1 10598 | 10597,1 10599 | 10598,1 10600 | 10599,1 10601 | 10600,1 10602 | 10601,1 10603 | 10602,1 10604 | 10603,1 10605 | 10604,1 10606 | 10605,1 10607 | 10606,1 10608 | 10607,1 10609 | 10608,1 10610 | 10609,1 10611 | 10610,1 10612 | 10611,1 10613 | 10612,1 10614 | 10613,1 10615 | 10614,1 10616 | 10615,1 10617 | 10616,1 10618 | 10617,1 10619 | 10618,1 10620 | 10619,1 10621 | 10620,1 10622 | 10621,1 10623 | 10622,1 10624 | 10623,1 10625 | 10624,1 10626 | 10625,1 10627 | 10626,1 10628 | 10627,1 10629 | 10628,1 10630 | 10629,1 10631 | 10630,1 10632 | 10631,1 10633 | 10632,1 10634 | 10633,1 10635 | 10634,1 10636 | 10635,1 10637 | 10636,1 10638 | 10637,1 10639 | 10638,1 10640 | 10639,1 10641 | 10640,1 10642 | 10641,1 10643 | 10642,1 10644 | 10643,1 10645 | 10644,1 10646 | 10645,1 10647 | 10646,1 10648 | 10647,1 10649 | 10648,1 10650 | 10649,1 10651 | 10650,1 10652 | 10651,1 10653 | 10652,1 10654 | 10653,1 10655 | 10654,1 10656 | 10655,1 10657 | 10656,1 10658 | 10657,1 10659 | 10658,1 10660 | 10659,1 10661 | 10660,1 10662 | 10661,1 10663 | 10662,1 10664 | 10663,1 10665 | 10664,1 10666 | 10665,1 10667 | 10666,1 10668 | 10667,1 10669 | 10668,1 10670 | 10669,1 10671 | 10670,1 10672 | 10671,1 10673 | 10672,1 10674 | 10673,1 10675 | 10674,1 10676 | 10675,1 10677 | 10676,1 10678 | 10677,1 10679 | 10678,1 10680 | 10679,1 10681 | 10680,1 10682 | 10681,1 10683 | 10682,1 10684 | 10683,1 10685 | 10684,1 10686 | 10685,1 10687 | 10686,1 10688 | 10687,1 10689 | 10688,1 10690 | 10689,1 10691 | 10690,1 10692 | 10691,1 10693 | 10692,1 10694 | 10693,1 10695 | 10694,1 10696 | 10695,1 10697 | 10696,1 10698 | 10697,1 10699 | 10698,1 10700 | 10699,1 10701 | 10700,1 10702 | 10701,1 10703 | 10702,1 10704 | 10703,1 10705 | 10704,1 10706 | 10705,1 10707 | 10706,1 10708 | 10707,1 10709 | 10708,1 10710 | 10709,1 10711 | 10710,1 10712 | 10711,1 10713 | 10712,1 10714 | 10713,1 10715 | 10714,1 10716 | 10715,1 10717 | 10716,1 10718 | 10717,1 10719 | 10718,1 10720 | 10719,1 10721 | 10720,1 10722 | 10721,1 10723 | 10722,1 10724 | 10723,1 10725 | 10724,1 10726 | 10725,1 10727 | 10726,1 10728 | 10727,1 10729 | 10728,1 10730 | 10729,1 10731 | 10730,1 10732 | 10731,1 10733 | 10732,1 10734 | 10733,1 10735 | 10734,1 10736 | 10735,1 10737 | 10736,1 10738 | 10737,1 10739 | 10738,1 10740 | 10739,1 10741 | 10740,1 10742 | 10741,1 10743 | 10742,1 10744 | 10743,1 10745 | 10744,1 10746 | 10745,1 10747 | 10746,1 10748 | 10747,1 10749 | 10748,1 10750 | 10749,1 10751 | 10750,1 10752 | 10751,1 10753 | 10752,1 10754 | 10753,1 10755 | 10754,1 10756 | 10755,1 10757 | 10756,1 10758 | 10757,1 10759 | 10758,1 10760 | 10759,1 10761 | 10760,1 10762 | 10761,1 10763 | 10762,1 10764 | 10763,1 10765 | 10764,1 10766 | 10765,1 10767 | 10766,1 10768 | 10767,1 10769 | 10768,1 10770 | 10769,1 10771 | 10770,1 10772 | 10771,1 10773 | 10772,1 10774 | 10773,1 10775 | 10774,1 10776 | 10775,1 10777 | 10776,1 10778 | 10777,1 10779 | 10778,1 10780 | 10779,1 10781 | 10780,1 10782 | 10781,1 10783 | 10782,1 10784 | 10783,1 10785 | 10784,1 10786 | 10785,1 10787 | 10786,1 10788 | 10787,1 10789 | 10788,1 10790 | 10789,1 10791 | 10790,1 10792 | 10791,1 10793 | 10792,1 10794 | 10793,1 10795 | 10794,1 10796 | 10795,1 10797 | 10796,1 10798 | 10797,1 10799 | 10798,1 10800 | 10799,1 10801 | 10800,1 10802 | 10801,1 10803 | 10802,1 10804 | 10803,1 10805 | 10804,1 10806 | 10805,1 10807 | 10806,1 10808 | 10807,1 10809 | 10808,1 10810 | 10809,1 10811 | 10810,1 10812 | 10811,1 10813 | 10812,1 10814 | 10813,1 10815 | 10814,1 10816 | 10815,1 10817 | 10816,1 10818 | 10817,1 10819 | 10818,1 10820 | 10819,1 10821 | 10820,1 10822 | 10821,1 10823 | 10822,1 10824 | 10823,1 10825 | 10824,1 10826 | 10825,1 10827 | 10826,1 10828 | 10827,1 10829 | 10828,1 10830 | 10829,1 10831 | 10830,1 10832 | 10831,1 10833 | 10832,1 10834 | 10833,1 10835 | 10834,1 10836 | 10835,1 10837 | 10836,1 10838 | 10837,1 10839 | 10838,1 10840 | 10839,1 10841 | 10840,1 10842 | 10841,1 10843 | 10842,1 10844 | 10843,1 10845 | 10844,1 10846 | 10845,1 10847 | 10846,1 10848 | 10847,1 10849 | 10848,1 10850 | 10849,1 10851 | 10850,1 10852 | 10851,1 10853 | 10852,1 10854 | 10853,1 10855 | 10854,1 10856 | 10855,1 10857 | 10856,1 10858 | 10857,1 10859 | 10858,1 10860 | 10859,1 10861 | 10860,1 10862 | 10861,1 10863 | 10862,1 10864 | 10863,1 10865 | 10864,1 10866 | 10865,1 10867 | 10866,1 10868 | 10867,1 10869 | 10868,1 10870 | 10869,1 10871 | 10870,1 10872 | 10871,1 10873 | 10872,1 10874 | 10873,1 10875 | 10874,1 10876 | 10875,1 10877 | 10876,1 10878 | 10877,1 10879 | 10878,1 10880 | 10879,1 10881 | 10880,1 10882 | 10881,1 10883 | 10882,1 10884 | 10883,1 10885 | 10884,1 10886 | 10885,1 10887 | 10886,1 10888 | 10887,1 10889 | 10888,1 10890 | 10889,1 10891 | 10890,1 10892 | 10891,1 10893 | 10892,1 10894 | 10893,1 10895 | 10894,1 10896 | 10895,1 10897 | 10896,1 10898 | 10897,1 10899 | 10898,1 10900 | 10899,1 10901 | 10900,1 10902 | 10901,1 10903 | 10902,1 10904 | 10903,1 10905 | 10904,1 10906 | 10905,1 10907 | 10906,1 10908 | 10907,1 10909 | 10908,1 10910 | 10909,1 10911 | 10910,1 10912 | 10911,1 10913 | 10912,1 10914 | 10913,1 10915 | 10914,1 10916 | 10915,1 10917 | 10916,1 10918 | 10917,1 10919 | 10918,1 10920 | 10919,1 10921 | 10920,1 10922 | 10921,1 10923 | 10922,1 10924 | 10923,1 10925 | 10924,1 10926 | 10925,1 10927 | 10926,1 10928 | 10927,1 10929 | 10928,1 10930 | 10929,1 10931 | 10930,1 10932 | 10931,1 10933 | 10932,1 10934 | 10933,1 10935 | 10934,1 10936 | 10935,1 10937 | 10936,1 10938 | 10937,1 10939 | 10938,1 10940 | 10939,1 10941 | 10940,1 10942 | 10941,1 10943 | 10942,1 10944 | 10943,1 10945 | 10944,1 10946 | 10945,1 10947 | 10946,1 10948 | 10947,1 10949 | 10948,1 10950 | 10949,1 10951 | 10950,1 10952 | 10951,1 10953 | 10952,1 10954 | 10953,1 10955 | 10954,1 10956 | 10955,1 10957 | 10956,1 10958 | 10957,1 10959 | 10958,1 10960 | 10959,1 10961 | 10960,1 10962 | 10961,1 10963 | 10962,1 10964 | 10963,1 10965 | 10964,1 10966 | 10965,1 10967 | 10966,1 10968 | 10967,1 10969 | 10968,1 10970 | 10969,1 10971 | 10970,1 10972 | 10971,1 10973 | 10972,1 10974 | 10973,1 10975 | 10974,1 10976 | 10975,1 10977 | 10976,1 10978 | 10977,1 10979 | 10978,1 10980 | 10979,1 10981 | 10980,1 10982 | 10981,1 10983 | 10982,1 10984 | 10983,1 10985 | 10984,1 10986 | 10985,1 10987 | 10986,1 10988 | 10987,1 10989 | 10988,1 10990 | 10989,1 10991 | 10990,1 10992 | 10991,1 10993 | 10992,1 10994 | 10993,1 10995 | 10994,1 10996 | 10995,1 10997 | 10996,1 10998 | 10997,1 10999 | 10998,1 11000 | 10999,1 11001 | 11000,1 11002 | 11001,1 11003 | 11002,1 11004 | 11003,1 11005 | 11004,1 11006 | 11005,1 11007 | 11006,1 11008 | 11007,1 11009 | 11008,1 11010 | 11009,1 11011 | 11010,1 11012 | 11011,1 11013 | 11012,1 11014 | 11013,1 11015 | 11014,1 11016 | 11015,1 11017 | 11016,1 11018 | 11017,1 11019 | 11018,1 11020 | 11019,1 11021 | 11020,1 11022 | 11021,1 11023 | 11022,1 11024 | 11023,1 11025 | 11024,1 11026 | 11025,1 11027 | 11026,1 11028 | 11027,1 11029 | 11028,1 11030 | 11029,1 11031 | 11030,1 11032 | 11031,1 11033 | 11032,1 11034 | 11033,1 11035 | 11034,1 11036 | 11035,1 11037 | 11036,1 11038 | 11037,1 11039 | 11038,1 11040 | 11039,1 11041 | 11040,1 11042 | 11041,1 11043 | 11042,1 11044 | 11043,1 11045 | 11044,1 11046 | 11045,1 11047 | 11046,1 11048 | 11047,1 11049 | 11048,1 11050 | 11049,1 11051 | 11050,1 11052 | 11051,1 11053 | 11052,1 11054 | 11053,1 11055 | 11054,1 11056 | 11055,1 11057 | 11056,1 11058 | 11057,1 11059 | 11058,1 11060 | 11059,1 11061 | 11060,1 11062 | 11061,1 11063 | 11062,1 11064 | 11063,1 11065 | 11064,1 11066 | 11065,1 11067 | 11066,1 11068 | 11067,1 11069 | 11068,1 11070 | 11069,1 11071 | 11070,1 11072 | 11071,1 11073 | 11072,1 11074 | 11073,1 11075 | 11074,1 11076 | 11075,1 11077 | 11076,1 11078 | 11077,1 11079 | 11078,1 11080 | 11079,1 11081 | 11080,1 11082 | 11081,1 11083 | 11082,1 11084 | 11083,1 11085 | 11084,1 11086 | 11085,1 11087 | 11086,1 11088 | 11087,1 11089 | 11088,1 11090 | 11089,1 11091 | 11090,1 11092 | 11091,1 11093 | 11092,1 11094 | 11093,1 11095 | 11094,1 11096 | 11095,1 11097 | 11096,1 11098 | 11097,1 11099 | 11098,1 11100 | 11099,1 11101 | 11100,1 11102 | 11101,1 11103 | 11102,1 11104 | 11103,1 11105 | 11104,1 11106 | 11105,1 11107 | 11106,1 11108 | 11107,1 11109 | 11108,1 11110 | 11109,1 11111 | 11110,1 11112 | 11111,1 11113 | 11112,1 11114 | 11113,1 11115 | 11114,1 11116 | 11115,1 11117 | 11116,1 11118 | 11117,1 11119 | 11118,1 11120 | 11119,1 11121 | 11120,1 11122 | 11121,1 11123 | 11122,1 11124 | 11123,1 11125 | 11124,1 11126 | 11125,1 11127 | 11126,1 11128 | 11127,1 11129 | 11128,1 11130 | 11129,1 11131 | 11130,1 11132 | 11131,1 11133 | 11132,1 11134 | 11133,1 11135 | 11134,1 11136 | 11135,1 11137 | 11136,1 11138 | 11137,1 11139 | 11138,1 11140 | 11139,1 11141 | 11140,1 11142 | 11141,1 11143 | 11142,1 11144 | 11143,1 11145 | 11144,1 11146 | 11145,1 11147 | 11146,1 11148 | 11147,1 11149 | 11148,1 11150 | 11149,1 11151 | 11150,1 11152 | 11151,1 11153 | 11152,1 11154 | 11153,1 11155 | 11154,1 11156 | 11155,1 11157 | 11156,1 11158 | 11157,1 11159 | 11158,1 11160 | 11159,1 11161 | 11160,1 11162 | 11161,1 11163 | 11162,1 11164 | 11163,1 11165 | 11164,1 11166 | 11165,1 11167 | 11166,1 11168 | 11167,1 11169 | 11168,1 11170 | 11169,1 11171 | 11170,1 11172 | 11171,1 11173 | 11172,1 11174 | 11173,1 11175 | 11174,1 11176 | 11175,1 11177 | 11176,1 11178 | 11177,1 11179 | 11178,1 11180 | 11179,1 11181 | 11180,1 11182 | 11181,1 11183 | 11182,1 11184 | 11183,1 11185 | 11184,1 11186 | 11185,1 11187 | 11186,1 11188 | 11187,1 11189 | 11188,1 11190 | 11189,1 11191 | 11190,1 11192 | 11191,1 11193 | 11192,1 11194 | 11193,1 11195 | 11194,1 11196 | 11195,1 11197 | 11196,1 11198 | 11197,1 11199 | 11198,1 11200 | 11199,1 11201 | 11200,1 11202 | 11201,1 11203 | 11202,1 11204 | 11203,1 11205 | 11204,1 11206 | 11205,1 11207 | 11206,1 11208 | 11207,1 11209 | 11208,1 11210 | 11209,1 11211 | 11210,1 11212 | 11211,1 11213 | 11212,1 11214 | 11213,1 11215 | 11214,1 11216 | 11215,1 11217 | 11216,1 11218 | 11217,1 11219 | 11218,1 11220 | 11219,1 11221 | 11220,1 11222 | 11221,1 11223 | 11222,1 11224 | 11223,1 11225 | 11224,1 11226 | 11225,1 11227 | 11226,1 11228 | 11227,1 11229 | 11228,1 11230 | 11229,1 11231 | 11230,1 11232 | 11231,1 11233 | 11232,1 11234 | 11233,1 11235 | 11234,1 11236 | 11235,1 11237 | 11236,1 11238 | 11237,1 11239 | 11238,1 11240 | 11239,1 11241 | 11240,1 11242 | 11241,1 11243 | 11242,1 11244 | 11243,1 11245 | 11244,1 11246 | 11245,1 11247 | 11246,1 11248 | 11247,1 11249 | 11248,1 11250 | 11249,1 11251 | 11250,1 11252 | 11251,1 11253 | 11252,1 11254 | 11253,1 11255 | 11254,1 11256 | 11255,1 11257 | 11256,1 11258 | 11257,1 11259 | 11258,1 11260 | 11259,1 11261 | 11260,1 11262 | 11261,1 11263 | 11262,1 11264 | 11263,1 11265 | 11264,1 11266 | 11265,1 11267 | 11266,1 11268 | 11267,1 11269 | 11268,1 11270 | 11269,1 11271 | 11270,1 11272 | 11271,1 11273 | 11272,1 11274 | 11273,1 11275 | 11274,1 11276 | 11275,1 11277 | 11276,1 11278 | 11277,1 11279 | 11278,1 11280 | 11279,1 11281 | 11280,1 11282 | 11281,1 11283 | 11282,1 11284 | 11283,1 11285 | 11284,1 11286 | 11285,1 11287 | 11286,1 11288 | 11287,1 11289 | 11288,1 11290 | 11289,1 11291 | 11290,1 11292 | 11291,1 11293 | 11292,1 11294 | 11293,1 11295 | 11294,1 11296 | 11295,1 11297 | 11296,1 11298 | 11297,1 11299 | 11298,1 11300 | 11299,1 11301 | 11300,1 11302 | 11301,1 11303 | 11302,1 11304 | 11303,1 11305 | 11304,1 11306 | 11305,1 11307 | 11306,1 11308 | 11307,1 11309 | 11308,1 11310 | 11309,1 11311 | 11310,1 11312 | 11311,1 11313 | 11312,1 11314 | 11313,1 11315 | 11314,1 11316 | 11315,1 11317 | 11316,1 11318 | 11317,1 11319 | 11318,1 11320 | 11319,1 11321 | 11320,1 11322 | 11321,1 11323 | 11322,1 11324 | 11323,1 11325 | 11324,1 11326 | 11325,1 11327 | 11326,1 11328 | 11327,1 11329 | 11328,1 11330 | 11329,1 11331 | 11330,1 11332 | 11331,1 11333 | 11332,1 11334 | 11333,1 11335 | 11334,1 11336 | 11335,1 11337 | 11336,1 11338 | 11337,1 11339 | 11338,1 11340 | 11339,1 11341 | 11340,1 11342 | 11341,1 11343 | 11342,1 11344 | 11343,1 11345 | 11344,1 11346 | 11345,1 11347 | 11346,1 11348 | 11347,1 11349 | 11348,1 11350 | 11349,1 11351 | 11350,1 11352 | 11351,1 11353 | 11352,1 11354 | 11353,1 11355 | 11354,1 11356 | 11355,1 11357 | 11356,1 11358 | 11357,1 11359 | 11358,1 11360 | 11359,1 11361 | 11360,1 11362 | 11361,1 11363 | 11362,1 11364 | 11363,1 11365 | 11364,1 11366 | 11365,1 11367 | 11366,1 11368 | 11367,1 11369 | 11368,1 11370 | 11369,1 11371 | 11370,1 11372 | 11371,1 11373 | 11372,1 11374 | 11373,1 11375 | 11374,1 11376 | 11375,1 11377 | 11376,1 11378 | 11377,1 11379 | 11378,1 11380 | 11379,1 11381 | 11380,1 11382 | 11381,1 11383 | 11382,1 11384 | 11383,1 11385 | 11384,1 11386 | 11385,1 11387 | 11386,1 11388 | 11387,1 11389 | 11388,1 11390 | 11389,1 11391 | 11390,1 11392 | 11391,1 11393 | 11392,1 11394 | 11393,1 11395 | 11394,1 11396 | 11395,1 11397 | 11396,1 11398 | 11397,1 11399 | 11398,1 11400 | 11399,1 11401 | 11400,1 11402 | 11401,1 11403 | 11402,1 11404 | 11403,1 11405 | 11404,1 11406 | 11405,1 11407 | 11406,1 11408 | 11407,1 11409 | 11408,1 11410 | 11409,1 11411 | 11410,1 11412 | 11411,1 11413 | 11412,1 11414 | 11413,1 11415 | 11414,1 11416 | 11415,1 11417 | 11416,1 11418 | 11417,1 11419 | 11418,1 11420 | 11419,1 11421 | 11420,1 11422 | 11421,1 11423 | 11422,1 11424 | 11423,1 11425 | 11424,1 11426 | 11425,1 11427 | 11426,1 11428 | 11427,1 11429 | 11428,1 11430 | 11429,1 11431 | 11430,1 11432 | 11431,1 11433 | 11432,1 11434 | 11433,1 11435 | 11434,1 11436 | 11435,1 11437 | 11436,1 11438 | 11437,1 11439 | 11438,1 11440 | 11439,1 11441 | 11440,1 11442 | 11441,1 11443 | 11442,1 11444 | 11443,1 11445 | 11444,1 11446 | 11445,1 11447 | 11446,1 11448 | 11447,1 11449 | 11448,1 11450 | 11449,1 11451 | 11450,1 11452 | 11451,1 11453 | 11452,1 11454 | 11453,1 11455 | 11454,1 11456 | 11455,1 11457 | 11456,1 11458 | 11457,1 11459 | 11458,1 11460 | 11459,1 11461 | 11460,1 11462 | 11461,1 11463 | 11462,1 11464 | 11463,1 11465 | 11464,1 11466 | 11465,1 11467 | 11466,1 11468 | 11467,1 11469 | 11468,1 11470 | 11469,1 11471 | 11470,1 11472 | 11471,1 11473 | 11472,1 11474 | 11473,1 11475 | 11474,1 11476 | 11475,1 11477 | 11476,1 11478 | 11477,1 11479 | 11478,1 11480 | 11479,1 11481 | 11480,1 11482 | 11481,1 11483 | 11482,1 11484 | 11483,1 11485 | 11484,1 11486 | 11485,1 11487 | 11486,1 11488 | 11487,1 11489 | 11488,1 11490 | 11489,1 11491 | 11490,1 11492 | 11491,1 11493 | 11492,1 11494 | 11493,1 11495 | 11494,1 11496 | 11495,1 11497 | 11496,1 11498 | 11497,1 11499 | 11498,1 11500 | 11499,1 11501 | 11500,1 11502 | 11501,1 11503 | 11502,1 11504 | 11503,1 11505 | 11504,1 11506 | 11505,1 11507 | 11506,1 11508 | 11507,1 11509 | 11508,1 11510 | 11509,1 11511 | 11510,1 11512 | 11511,1 11513 | 11512,1 11514 | 11513,1 11515 | 11514,1 11516 | 11515,1 11517 | 11516,1 11518 | 11517,1 11519 | 11518,1 11520 | 11519,1 11521 | 11520,1 11522 | 11521,1 11523 | 11522,1 11524 | 11523,1 11525 | 11524,1 11526 | 11525,1 11527 | 11526,1 11528 | 11527,1 11529 | 11528,1 11530 | 11529,1 11531 | 11530,1 11532 | 11531,1 11533 | 11532,1 11534 | 11533,1 11535 | 11534,1 11536 | 11535,1 11537 | 11536,1 11538 | 11537,1 11539 | 11538,1 11540 | 11539,1 11541 | 11540,1 11542 | 11541,1 11543 | 11542,1 11544 | 11543,1 11545 | 11544,1 11546 | 11545,1 11547 | 11546,1 11548 | 11547,1 11549 | 11548,1 11550 | 11549,1 11551 | 11550,1 11552 | 11551,1 11553 | 11552,1 11554 | 11553,1 11555 | 11554,1 11556 | 11555,1 11557 | 11556,1 11558 | 11557,1 11559 | 11558,1 11560 | 11559,1 11561 | 11560,1 11562 | 11561,1 11563 | 11562,1 11564 | 11563,1 11565 | 11564,1 11566 | 11565,1 11567 | 11566,1 11568 | 11567,1 11569 | 11568,1 11570 | 11569,1 11571 | 11570,1 11572 | 11571,1 11573 | 11572,1 11574 | 11573,1 11575 | 11574,1 11576 | 11575,1 11577 | 11576,1 11578 | 11577,1 11579 | 11578,1 11580 | 11579,1 11581 | 11580,1 11582 | 11581,1 11583 | 11582,1 11584 | 11583,1 11585 | 11584,1 11586 | 11585,1 11587 | 11586,1 11588 | 11587,1 11589 | 11588,1 11590 | 11589,1 11591 | 11590,1 11592 | 11591,1 11593 | 11592,1 11594 | 11593,1 11595 | 11594,1 11596 | 11595,1 11597 | 11596,1 11598 | 11597,1 11599 | 11598,1 11600 | 11599,1 11601 | 11600,1 11602 | 11601,1 11603 | 11602,1 11604 | 11603,1 11605 | 11604,1 11606 | 11605,1 11607 | 11606,1 11608 | 11607,1 11609 | 11608,1 11610 | 11609,1 11611 | 11610,1 11612 | 11611,1 11613 | 11612,1 11614 | 11613,1 11615 | 11614,1 11616 | 11615,1 11617 | 11616,1 11618 | 11617,1 11619 | 11618,1 11620 | 11619,1 11621 | 11620,1 11622 | 11621,2 11623 | 11622,1 11624 | 11623,2 11625 | 11624,1 11626 | 11625,1 11627 | 11626,2 11628 | 11627,1 11629 | 11628,2 11630 | 11629,1 11631 | 11630,1 11632 | 11631,1 11633 | 11632,1 11634 | 11633,1 11635 | 11634,1 11636 | 11635,1 11637 | 11636,1 11638 | 11637,1 11639 | 11638,1 11640 | 11639,1 11641 | 11640,1 11642 | 11641,1 11643 | 11642,1 11644 | 11643,1 11645 | 11644,1 11646 | 11645,1 11647 | 11646,1 11648 | 11647,1 11649 | 11648,1 11650 | 11649,1 11651 | 11650,1 11652 | 11651,1 11653 | 11652,1 11654 | 11653,1 11655 | 11654,1 11656 | 11655,1 11657 | 11656,1 11658 | 11657,1 11659 | 11658,1 11660 | 11659,1 11661 | 11660,1 11662 | 11661,1 11663 | 11662,1 11664 | 11663,1 11665 | 11664,1 11666 | 11665,1 11667 | 11666,1 11668 | 11667,1 11669 | 11668,1 11670 | 11669,1 11671 | 11670,1 11672 | 11671,1 11673 | 11672,1 11674 | 11673,1 11675 | 11674,1 11676 | 11675,1 11677 | 11676,1 11678 | 11677,1 11679 | 11678,1 11680 | 11679,1 11681 | 11680,1 11682 | 11681,1 11683 | 11682,1 11684 | 11683,1 11685 | 11684,1 11686 | 11685,1 11687 | 11686,1 11688 | 11687,1 11689 | 11688,1 11690 | 11689,1 11691 | 11690,1 11692 | 11691,1 11693 | 11692,1 11694 | 11693,1 11695 | 11694,1 11696 | 11695,1 11697 | 11696,1 11698 | 11697,1 11699 | 11698,1 11700 | 11699,1 11701 | 11700,1 11702 | 11701,1 11703 | 11702,1 11704 | 11703,1 11705 | 11704,1 11706 | 11705,1 11707 | 11706,1 11708 | 11707,1 11709 | 11708,1 11710 | 11709,1 11711 | 11710,1 11712 | 11711,1 11713 | 11712,1 11714 | 11713,1 11715 | 11714,1 11716 | 11715,1 11717 | 11716,1 11718 | 11717,1 11719 | 11718,1 11720 | 11719,1 11721 | 11720,1 11722 | 11721,1 11723 | 11722,1 11724 | 11723,1 11725 | 11724,1 11726 | 11725,1 11727 | 11726,1 11728 | 11727,1 11729 | 11728,1 11730 | 11729,1 11731 | 11730,1 11732 | 11731,1 11733 | 11732,1 11734 | 11733,1 11735 | 11734,1 11736 | 11735,1 11737 | 11736,1 11738 | 11737,1 11739 | 11738,1 11740 | 11739,1 11741 | 11740,1 11742 | 11741,1 11743 | 11742,1 11744 | 11743,1 11745 | 11744,1 11746 | 11745,1 11747 | 11746,1 11748 | 11747,1 11749 | 11748,1 11750 | 11749,1 11751 | 11750,1 11752 | 11751,1 11753 | 11752,1 11754 | 11753,1 11755 | 11754,1 11756 | 11755,1 11757 | 11756,1 11758 | 11757,1 11759 | 11758,1 11760 | 11759,1 11761 | 11760,1 11762 | 11761,1 11763 | 11762,1 11764 | 11763,1 11765 | 11764,1 11766 | 11765,1 11767 | 11766,1 11768 | 11767,1 11769 | 11768,1 11770 | 11769,1 11771 | 11770,1 11772 | 11771,1 11773 | 11772,1 11774 | 11773,1 11775 | 11774,1 11776 | 11775,1 11777 | 11776,1 11778 | 11777,1 11779 | 11778,1 11780 | 11779,1 11781 | 11780,1 11782 | 11781,1 11783 | 11782,1 11784 | 11783,1 11785 | 11784,1 11786 | 11785,1 11787 | 11786,1 11788 | 11787,1 11789 | 11788,1 11790 | 11789,1 11791 | 11790,1 11792 | 11791,1 11793 | 11792,1 11794 | 11793,1 11795 | 11794,1 11796 | 11795,1 11797 | 11796,1 11798 | 11797,1 11799 | 11798,2 11800 | 11799,1 11801 | 11800,1 11802 | 11801,1 11803 | 11802,1 11804 | 11803,1 11805 | 11804,1 11806 | 11805,1 11807 | 11806,1 11808 | 11807,1 11809 | 11808,1 11810 | 11809,1 11811 | 11810,1 11812 | 11811,1 11813 | 11812,1 11814 | 11813,1 11815 | 11814,1 11816 | 11815,1 11817 | 11816,1 11818 | 11817,1 11819 | 11818,1 11820 | 11819,1 11821 | 11820,1 11822 | 11821,1 11823 | 11822,1 11824 | 11823,1 11825 | 11824,1 11826 | 11825,1 11827 | 11826,1 11828 | 11827,1 11829 | 11828,1 11830 | 11829,1 11831 | 11830,1 11832 | 11831,1 11833 | 11832,1 11834 | 11833,1 11835 | 11834,1 11836 | 11835,1 11837 | 11836,1 11838 | 11837,1 11839 | 11838,1 11840 | 11839,1 11841 | 11840,1 11842 | 11841,1 11843 | 11842,1 11844 | 11843,1 11845 | 11844,1 11846 | 11845,1 11847 | 11846,1 11848 | 11847,1 11849 | 11848,1 11850 | 11849,1 11851 | 11850,1 11852 | 11851,1 11853 | 11852,1 11854 | 11853,1 11855 | 11854,1 11856 | 11855,1 11857 | -------------------------------------------------------------------------------- /assignments/hw2/utils/gradcheck.py: -------------------------------------------------------------------------------- 1 | #!/usr/bin/env python 2 | 3 | import numpy as np 4 | import random 5 | 6 | 7 | # First implement a gradient checker by filling in the following functions 8 | def gradcheck_naive(f, x, gradientText): 9 | """ Gradient check for a function f. 10 | Arguments: 11 | f -- a function that takes a single argument and outputs the 12 | loss and its gradients 13 | x -- the point (numpy array) to check the gradient at 14 | gradientText -- a string detailing some context about the gradient computation 15 | """ 16 | 17 | rndstate = random.getstate() 18 | random.setstate(rndstate) 19 | fx, grad = f(x) # Evaluate function value at original point 20 | h = 1e-4 # Do not change this! 21 | 22 | # Iterate over all indexes ix in x to check the gradient. 23 | it = np.nditer(x, flags=['multi_index'], op_flags=['readwrite']) 24 | while not it.finished: 25 | ix = it.multi_index 26 | 27 | x[ix] += h # increment by h 28 | random.setstate(rndstate) 29 | fxh, _ = f(x) # evalute f(x + h) 30 | x[ix] -= 2 * h # restore to previous value (very important!) 31 | random.setstate(rndstate) 32 | fxnh, _ = f(x) 33 | x[ix] += h 34 | numgrad = (fxh - fxnh) / 2 / h 35 | 36 | # Compare gradients 37 | reldiff = abs(numgrad - grad[ix]) / max(1, abs(numgrad), abs(grad[ix])) 38 | if reldiff > 1e-5: 39 | print("Gradient check failed for %s." % gradientText) 40 | print("First gradient error found at index %s in the vector of gradients" % str(ix)) 41 | print("Your gradient: %f \t Numerical gradient: %f" % ( 42 | grad[ix], numgrad)) 43 | return 44 | 45 | it.iternext() # Step to next dimension 46 | 47 | print("Gradient check passed!") 48 | -------------------------------------------------------------------------------- /assignments/hw2/utils/treebank.py: -------------------------------------------------------------------------------- 1 | #!/usr/bin/env python 2 | # -*- coding: utf-8 -*- 3 | 4 | import pickle 5 | import numpy as np 6 | import os 7 | import random 8 | 9 | class StanfordSentiment: 10 | def __init__(self, path=None, tablesize = 1000000): 11 | if not path: 12 | path = "utils/datasets/stanfordSentimentTreebank" 13 | 14 | self.path = path 15 | self.tablesize = tablesize 16 | 17 | def tokens(self): 18 | if hasattr(self, "_tokens") and self._tokens: 19 | return self._tokens 20 | 21 | tokens = dict() 22 | tokenfreq = dict() 23 | wordcount = 0 24 | revtokens = [] 25 | idx = 0 26 | 27 | for sentence in self.sentences(): 28 | for w in sentence: 29 | wordcount += 1 30 | if not w in tokens: 31 | tokens[w] = idx 32 | revtokens += [w] 33 | tokenfreq[w] = 1 34 | idx += 1 35 | else: 36 | tokenfreq[w] += 1 37 | 38 | tokens["UNK"] = idx 39 | revtokens += ["UNK"] 40 | tokenfreq["UNK"] = 1 41 | wordcount += 1 42 | 43 | self._tokens = tokens 44 | self._tokenfreq = tokenfreq 45 | self._wordcount = wordcount 46 | self._revtokens = revtokens 47 | return self._tokens 48 | 49 | def sentences(self): 50 | if hasattr(self, "_sentences") and self._sentences: 51 | return self._sentences 52 | 53 | sentences = [] 54 | with open(self.path + "/datasetSentences.txt", "r") as f: 55 | first = True 56 | for line in f: 57 | if first: 58 | first = False 59 | continue 60 | 61 | splitted = line.strip().split()[1:] 62 | # Deal with some peculiar encoding issues with this file 63 | sentences += [[w.lower() for w in splitted]] 64 | 65 | self._sentences = sentences 66 | self._sentlengths = np.array([len(s) for s in sentences]) 67 | self._cumsentlen = np.cumsum(self._sentlengths) 68 | 69 | return self._sentences 70 | 71 | def numSentences(self): 72 | if hasattr(self, "_numSentences") and self._numSentences: 73 | return self._numSentences 74 | else: 75 | self._numSentences = len(self.sentences()) 76 | return self._numSentences 77 | 78 | def allSentences(self): 79 | if hasattr(self, "_allsentences") and self._allsentences: 80 | return self._allsentences 81 | 82 | sentences = self.sentences() 83 | rejectProb = self.rejectProb() 84 | tokens = self.tokens() 85 | allsentences = [[w for w in s 86 | if 0 >= rejectProb[tokens[w]] or random.random() >= rejectProb[tokens[w]]] 87 | for s in sentences * 30] 88 | 89 | allsentences = [s for s in allsentences if len(s) > 1] 90 | 91 | self._allsentences = allsentences 92 | 93 | return self._allsentences 94 | 95 | def getRandomContext(self, C=5): 96 | allsent = self.allSentences() 97 | sentID = random.randint(0, len(allsent) - 1) 98 | sent = allsent[sentID] 99 | wordID = random.randint(0, len(sent) - 1) 100 | 101 | context = sent[max(0, wordID - C):wordID] 102 | if wordID+1 < len(sent): 103 | context += sent[wordID+1:min(len(sent), wordID + C + 1)] 104 | 105 | centerword = sent[wordID] 106 | context = [w for w in context if w != centerword] 107 | 108 | if len(context) > 0: 109 | return centerword, context 110 | else: 111 | return self.getRandomContext(C) 112 | 113 | def sent_labels(self): 114 | if hasattr(self, "_sent_labels") and self._sent_labels: 115 | return self._sent_labels 116 | 117 | dictionary = dict() 118 | phrases = 0 119 | with open(self.path + "/dictionary.txt", "r") as f: 120 | for line in f: 121 | line = line.strip() 122 | if not line: continue 123 | splitted = line.split("|") 124 | dictionary[splitted[0].lower()] = int(splitted[1]) 125 | phrases += 1 126 | 127 | labels = [0.0] * phrases 128 | with open(self.path + "/sentiment_labels.txt", "r") as f: 129 | first = True 130 | for line in f: 131 | if first: 132 | first = False 133 | continue 134 | 135 | line = line.strip() 136 | if not line: continue 137 | splitted = line.split("|") 138 | labels[int(splitted[0])] = float(splitted[1]) 139 | 140 | sent_labels = [0.0] * self.numSentences() 141 | sentences = self.sentences() 142 | for i in range(self.numSentences()): 143 | sentence = sentences[i] 144 | full_sent = " ".join(sentence).replace('-lrb-', '(').replace('-rrb-', ')') 145 | sent_labels[i] = labels[dictionary[full_sent]] 146 | 147 | self._sent_labels = sent_labels 148 | return self._sent_labels 149 | 150 | def dataset_split(self): 151 | if hasattr(self, "_split") and self._split: 152 | return self._split 153 | 154 | split = [[] for i in range(3)] 155 | with open(self.path + "/datasetSplit.txt", "r") as f: 156 | first = True 157 | for line in f: 158 | if first: 159 | first = False 160 | continue 161 | 162 | splitted = line.strip().split(",") 163 | split[int(splitted[1]) - 1] += [int(splitted[0]) - 1] 164 | 165 | self._split = split 166 | return self._split 167 | 168 | def getRandomTrainSentence(self): 169 | split = self.dataset_split() 170 | sentId = split[0][random.randint(0, len(split[0]) - 1)] 171 | return self.sentences()[sentId], self.categorify(self.sent_labels()[sentId]) 172 | 173 | def categorify(self, label): 174 | if label <= 0.2: 175 | return 0 176 | elif label <= 0.4: 177 | return 1 178 | elif label <= 0.6: 179 | return 2 180 | elif label <= 0.8: 181 | return 3 182 | else: 183 | return 4 184 | 185 | def getDevSentences(self): 186 | return self.getSplitSentences(2) 187 | 188 | def getTestSentences(self): 189 | return self.getSplitSentences(1) 190 | 191 | def getTrainSentences(self): 192 | return self.getSplitSentences(0) 193 | 194 | def getSplitSentences(self, split=0): 195 | ds_split = self.dataset_split() 196 | return [(self.sentences()[i], self.categorify(self.sent_labels()[i])) for i in ds_split[split]] 197 | 198 | def sampleTable(self): 199 | if hasattr(self, '_sampleTable') and self._sampleTable is not None: 200 | return self._sampleTable 201 | 202 | nTokens = len(self.tokens()) 203 | samplingFreq = np.zeros((nTokens,)) 204 | self.allSentences() 205 | i = 0 206 | for w in range(nTokens): 207 | w = self._revtokens[i] 208 | if w in self._tokenfreq: 209 | freq = 1.0 * self._tokenfreq[w] 210 | # Reweigh 211 | freq = freq ** 0.75 212 | else: 213 | freq = 0.0 214 | samplingFreq[i] = freq 215 | i += 1 216 | 217 | samplingFreq /= np.sum(samplingFreq) 218 | samplingFreq = np.cumsum(samplingFreq) * self.tablesize 219 | 220 | self._sampleTable = [0] * self.tablesize 221 | 222 | j = 0 223 | for i in range(self.tablesize): 224 | while i > samplingFreq[j]: 225 | j += 1 226 | self._sampleTable[i] = j 227 | 228 | return self._sampleTable 229 | 230 | def rejectProb(self): 231 | if hasattr(self, '_rejectProb') and self._rejectProb is not None: 232 | return self._rejectProb 233 | 234 | threshold = 1e-5 * self._wordcount 235 | 236 | nTokens = len(self.tokens()) 237 | rejectProb = np.zeros((nTokens,)) 238 | for i in range(nTokens): 239 | w = self._revtokens[i] 240 | freq = 1.0 * self._tokenfreq[w] 241 | # Reweigh 242 | rejectProb[i] = max(0, 1 - np.sqrt(threshold / freq)) 243 | 244 | self._rejectProb = rejectProb 245 | return self._rejectProb 246 | 247 | def sampleTokenIdx(self): 248 | return self.sampleTable()[random.randint(0, self.tablesize - 1)] -------------------------------------------------------------------------------- /assignments/hw2/utils/utils.py: -------------------------------------------------------------------------------- 1 | #!/usr/bin/env python 2 | 3 | import numpy as np 4 | 5 | def normalizeRows(x): 6 | """ Row normalization function 7 | 8 | Implement a function that normalizes each row of a matrix to have 9 | unit length. 10 | """ 11 | N = x.shape[0] 12 | x /= np.sqrt(np.sum(x**2, axis=1)).reshape((N,1)) + 1e-30 13 | return x 14 | 15 | def softmax(x): 16 | """Compute the softmax function for each row of the input x. 17 | It is crucial that this function is optimized for speed because 18 | it will be used frequently in later code. 19 | 20 | Arguments: 21 | x -- A D dimensional vector or N x D dimensional numpy matrix. 22 | Return: 23 | x -- You are allowed to modify x in-place 24 | """ 25 | orig_shape = x.shape 26 | 27 | if len(x.shape) > 1: 28 | # Matrix 29 | tmp = np.max(x, axis=1) 30 | x -= tmp.reshape((x.shape[0], 1)) 31 | x = np.exp(x) 32 | tmp = np.sum(x, axis=1) 33 | x /= tmp.reshape((x.shape[0], 1)) 34 | else: 35 | # Vector 36 | tmp = np.max(x) 37 | x -= tmp 38 | x = np.exp(x) 39 | tmp = np.sum(x) 40 | x /= tmp 41 | 42 | assert x.shape == orig_shape 43 | return x -------------------------------------------------------------------------------- /assignments/hw2/word2vec.py: -------------------------------------------------------------------------------- 1 | #!/usr/bin/env python 2 | 3 | import numpy as np 4 | import random 5 | 6 | from utils.gradcheck import gradcheck_naive 7 | from utils.utils import normalizeRows, softmax 8 | 9 | 10 | def sigmoid(x): 11 | """ 12 | Compute the sigmoid function for the input here. 13 | Arguments: 14 | x -- A scalar or numpy array. 15 | Return: 16 | s -- sigmoid(x) 17 | """ 18 | 19 | ### YOUR CODE HERE 20 | 21 | ### END YOUR CODE 22 | 23 | return s 24 | 25 | 26 | def naiveSoftmaxLossAndGradient( 27 | centerWordVec, 28 | outsideWordIdx, 29 | outsideVectors, 30 | dataset 31 | ): 32 | """ Naive Softmax loss & gradient function for word2vec models 33 | 34 | Implement the naive softmax loss and gradients between a center word's 35 | embedding and an outside word's embedding. This will be the building block 36 | for our word2vec models. 37 | 38 | Arguments: 39 | centerWordVec -- numpy ndarray, center word's embedding 40 | (v_c in the pdf handout) 41 | outsideWordIdx -- integer, the index of the outside word 42 | (o of u_o in the pdf handout) 43 | outsideVectors -- outside vectors (rows of matrix) for all words in vocab 44 | (U in the pdf handout) 45 | dataset -- needed for negative sampling, unused here. 46 | 47 | Return: 48 | loss -- naive softmax loss 49 | gradCenterVec -- the gradient with respect to the center word vector 50 | (dJ / dv_c in the pdf handout) 51 | gradOutsideVecs -- the gradient with respect to all the outside word vectors 52 | (dJ / dU) 53 | """ 54 | 55 | ### YOUR CODE HERE 56 | 57 | ### Please use the provided softmax function (imported earlier in this file) 58 | ### This numerically stable implementation helps you avoid issues pertaining 59 | ### to integer overflow. 60 | 61 | 62 | ### END YOUR CODE 63 | 64 | return loss, gradCenterVec, gradOutsideVecs 65 | 66 | 67 | def getNegativeSamples(outsideWordIdx, dataset, K): 68 | """ Samples K indexes which are not the outsideWordIdx """ 69 | 70 | negSampleWordIndices = [None] * K 71 | for k in range(K): 72 | newidx = dataset.sampleTokenIdx() 73 | while newidx == outsideWordIdx: 74 | newidx = dataset.sampleTokenIdx() 75 | negSampleWordIndices[k] = newidx 76 | return negSampleWordIndices 77 | 78 | 79 | def negSamplingLossAndGradient( 80 | centerWordVec, 81 | outsideWordIdx, 82 | outsideVectors, 83 | dataset, 84 | K=10 85 | ): 86 | """ Negative sampling loss function for word2vec models 87 | 88 | Implement the negative sampling loss and gradients for a centerWordVec 89 | and a outsideWordIdx word vector as a building block for word2vec 90 | models. K is the number of negative samples to take. 91 | 92 | Note: The same word may be negatively sampled multiple times. For 93 | example if an outside word is sampled twice, you shall have to 94 | double count the gradient with respect to this word. Thrice if 95 | it was sampled three times, and so forth. 96 | 97 | Arguments/Return Specifications: same as naiveSoftmaxLossAndGradient 98 | """ 99 | 100 | # Negative sampling of words is done for you. Do not modify this if you 101 | # wish to match the autograder and receive points! 102 | negSampleWordIndices = getNegativeSamples(outsideWordIdx, dataset, K) 103 | indices = [outsideWordIdx] + negSampleWordIndices 104 | 105 | ### YOUR CODE HERE 106 | 107 | ### Please use your implementation of sigmoid in here. 108 | 109 | 110 | ### END YOUR CODE 111 | 112 | return loss, gradCenterVec, gradOutsideVecs 113 | 114 | 115 | def skipgram(currentCenterWord, windowSize, outsideWords, word2Ind, 116 | centerWordVectors, outsideVectors, dataset, 117 | word2vecLossAndGradient=naiveSoftmaxLossAndGradient): 118 | """ Skip-gram model in word2vec 119 | 120 | Implement the skip-gram model in this function. 121 | 122 | Arguments: 123 | currentCenterWord -- a string of the current center word 124 | windowSize -- integer, context window size 125 | outsideWords -- list of no more than 2*windowSize strings, the outside words 126 | word2Ind -- a dictionary that maps words to their indices in 127 | the word vector list 128 | centerWordVectors -- center word vectors (as rows) for all words in vocab 129 | (V in pdf handout) 130 | outsideVectors -- outside word vectors (as rows) for all words in vocab 131 | (U in pdf handout) 132 | word2vecLossAndGradient -- the loss and gradient function for 133 | a prediction vector given the outsideWordIdx 134 | word vectors, could be one of the two 135 | loss functions you implemented above. 136 | 137 | Return: 138 | loss -- the loss function value for the skip-gram model 139 | (J in the pdf handout) 140 | gradCenterVecs -- the gradient with respect to the center word vectors 141 | (dJ / dV in the pdf handout) 142 | gradOutsideVectors -- the gradient with respect to the outside word vectors 143 | (dJ / dU in the pdf handout) 144 | """ 145 | 146 | loss = 0.0 147 | gradCenterVecs = np.zeros(centerWordVectors.shape) 148 | gradOutsideVectors = np.zeros(outsideVectors.shape) 149 | 150 | ### YOUR CODE HERE 151 | 152 | ### END YOUR CODE 153 | 154 | return loss, gradCenterVecs, gradOutsideVectors 155 | 156 | ############################################# 157 | # Testing functions below. DO NOT MODIFY! # 158 | ############################################# 159 | 160 | def word2vec_sgd_wrapper(word2vecModel, word2Ind, wordVectors, dataset, 161 | windowSize, 162 | word2vecLossAndGradient=naiveSoftmaxLossAndGradient): 163 | batchsize = 50 164 | loss = 0.0 165 | grad = np.zeros(wordVectors.shape) 166 | N = wordVectors.shape[0] 167 | centerWordVectors = wordVectors[:int(N/2),:] 168 | outsideVectors = wordVectors[int(N/2):,:] 169 | for i in range(batchsize): 170 | windowSize1 = random.randint(1, windowSize) 171 | centerWord, context = dataset.getRandomContext(windowSize1) 172 | 173 | c, gin, gout = word2vecModel( 174 | centerWord, windowSize1, context, word2Ind, centerWordVectors, 175 | outsideVectors, dataset, word2vecLossAndGradient 176 | ) 177 | loss += c / batchsize 178 | grad[:int(N/2), :] += gin / batchsize 179 | grad[int(N/2):, :] += gout / batchsize 180 | 181 | return loss, grad 182 | 183 | 184 | def test_word2vec(): 185 | """ Test the two word2vec implementations, before running on Stanford Sentiment Treebank """ 186 | dataset = type('dummy', (), {})() 187 | def dummySampleTokenIdx(): 188 | return random.randint(0, 4) 189 | 190 | def getRandomContext(C): 191 | tokens = ["a", "b", "c", "d", "e"] 192 | return tokens[random.randint(0,4)], \ 193 | [tokens[random.randint(0,4)] for i in range(2*C)] 194 | dataset.sampleTokenIdx = dummySampleTokenIdx 195 | dataset.getRandomContext = getRandomContext 196 | 197 | random.seed(31415) 198 | np.random.seed(9265) 199 | dummy_vectors = normalizeRows(np.random.randn(10,3)) 200 | dummy_tokens = dict([("a",0), ("b",1), ("c",2),("d",3),("e",4)]) 201 | 202 | print("==== Gradient check for skip-gram with naiveSoftmaxLossAndGradient ====") 203 | gradcheck_naive(lambda vec: word2vec_sgd_wrapper( 204 | skipgram, dummy_tokens, vec, dataset, 5, naiveSoftmaxLossAndGradient), 205 | dummy_vectors, "naiveSoftmaxLossAndGradient Gradient") 206 | 207 | print("==== Gradient check for skip-gram with negSamplingLossAndGradient ====") 208 | gradcheck_naive(lambda vec: word2vec_sgd_wrapper( 209 | skipgram, dummy_tokens, vec, dataset, 5, negSamplingLossAndGradient), 210 | dummy_vectors, "negSamplingLossAndGradient Gradient") 211 | 212 | print("\n=== Results ===") 213 | print ("Skip-Gram with naiveSoftmaxLossAndGradient") 214 | 215 | print ("Your Result:") 216 | print("Loss: {}\nGradient wrt Center Vectors (dJ/dV):\n {}\nGradient wrt Outside Vectors (dJ/dU):\n {}\n".format( 217 | *skipgram("c", 3, ["a", "b", "e", "d", "b", "c"], 218 | dummy_tokens, dummy_vectors[:5,:], dummy_vectors[5:,:], dataset) 219 | ) 220 | ) 221 | 222 | print ("Expected Result: Value should approximate these:") 223 | print("""Loss: 11.16610900153398 224 | Gradient wrt Center Vectors (dJ/dV): 225 | [[ 0. 0. 0. ] 226 | [ 0. 0. 0. ] 227 | [-1.26947339 -1.36873189 2.45158957] 228 | [ 0. 0. 0. ] 229 | [ 0. 0. 0. ]] 230 | Gradient wrt Outside Vectors (dJ/dU): 231 | [[-0.41045956 0.18834851 1.43272264] 232 | [ 0.38202831 -0.17530219 -1.33348241] 233 | [ 0.07009355 -0.03216399 -0.24466386] 234 | [ 0.09472154 -0.04346509 -0.33062865] 235 | [-0.13638384 0.06258276 0.47605228]] 236 | """) 237 | 238 | print ("Skip-Gram with negSamplingLossAndGradient") 239 | print ("Your Result:") 240 | print("Loss: {}\nGradient wrt Center Vectors (dJ/dV):\n {}\n Gradient wrt Outside Vectors (dJ/dU):\n {}\n".format( 241 | *skipgram("c", 1, ["a", "b"], dummy_tokens, dummy_vectors[:5,:], 242 | dummy_vectors[5:,:], dataset, negSamplingLossAndGradient) 243 | ) 244 | ) 245 | print ("Expected Result: Value should approximate these:") 246 | print("""Loss: 16.15119285363322 247 | Gradient wrt Center Vectors (dJ/dV): 248 | [[ 0. 0. 0. ] 249 | [ 0. 0. 0. ] 250 | [-4.54650789 -1.85942252 0.76397441] 251 | [ 0. 0. 0. ] 252 | [ 0. 0. 0. ]] 253 | Gradient wrt Outside Vectors (dJ/dU): 254 | [[-0.69148188 0.31730185 2.41364029] 255 | [-0.22716495 0.10423969 0.79292674] 256 | [-0.45528438 0.20891737 1.58918512] 257 | [-0.31602611 0.14501561 1.10309954] 258 | """) 259 | 260 | print() 261 | 262 | if __name__ == "__main__": 263 | test_word2vec() 264 | --------------------------------------------------------------------------------